From adbb6466d9fca6390a46f3b50f6716a26be0c155 Mon Sep 17 00:00:00 2001 From: Kilian Scheidecker Date: Mon, 10 Jun 2024 14:24:37 +0200 Subject: [PATCH] fixed optimizer. works fine now --- backend/src/landmarks_manager.py | 136 +- backend/src/main.py | 8 +- backend/src/optimizer.py | 305 +- backend/src/tester.py | 44 +- landmarks.txt | 20297 +++++++++++++++++++++++++++++ 5 files changed, 20689 insertions(+), 101 deletions(-) create mode 100644 landmarks.txt diff --git a/backend/src/landmarks_manager.py b/backend/src/landmarks_manager.py index 3f8a62f..8592e00 100644 --- a/backend/src/landmarks_manager.py +++ b/backend/src/landmarks_manager.py @@ -1,46 +1,80 @@ +import math as m + from OSMPythonTools.api import Api from OSMPythonTools.overpass import Overpass, overpassQueryBuilder, Nominatim -from dataclasses import dataclass -from pydantic import BaseModel -import math as m from structs.landmarks import Landmark, LandmarkType from structs.preferences import Preferences, Preference from typing import List from typing import Tuple -RADIUS = 0.0005 # size of the bbox in degrees. 0.0005 ~ 50m -BBOX_SIDE = 10 # size of bbox in km for general area, 10km -RADIUS_CLOSE_TO = 50 # size of area in m for close features, 5àm radius -MIN_SCORE = 100 # discard elements with score < 100 + +BBOX_SIDE = 10 # size of bbox in *km* for general area, 10km +RADIUS_CLOSE_TO = 25 # size of area in *m* for close features, 5àm radius +MIN_SCORE = 30 # discard elements with score < 100 MIN_TAGS = 5 # discard elements withs less than 5 tags +SIGHTSEEING = LandmarkType(landmark_type='sightseeing') +NATURE = LandmarkType(landmark_type='nature') +SHOPPING = LandmarkType(landmark_type='shopping') -# Include th json here + +# Include the json here # Create a list of all things to visit given some preferences and a city. Ready for the optimizer -def generate_landmarks(coordinates: Tuple[float, float], preferences: Preferences) : +def generate_landmarks(preferences: Preferences, city_country: str = None, coordinates: Tuple[float, float] = None)->Tuple[List[Landmark], List[Landmark]] : l_sights = ["'tourism'='museum'", "'tourism'='attraction'", "'tourism'='gallery'", 'historic', "'amenity'='arts_centre'", "'amenity'='planetarium'", "'amenity'='place_of_worship'", "'amenity'='fountain'", '"water"="reflecting_pool"'] l_nature = ["'leisure'='park'", 'geological', "'natural'='geyser'", "'natural'='hot_spring'", '"natural"="arch"', '"natural"="cave_entrance"', '"natural"="volcano"', '"natural"="stone"', '"tourism"="alpine_hut"', '"tourism"="picnic_site"', '"tourism"="viewpoint"', '"tourism"="zoo"', '"waterway"="waterfall"'] l_shop = ["'shop'='department_store'", "'shop'='mall'"] #, '"shop"="collector"', '"shop"="antiques"'] - # List for sightseeing - L1 = get_landmarks(coordinates, l_sights, LandmarkType(landmark_type='sightseeing')) - correct_score(L1, preferences.sightseeing) - - # List for nature - L2 = get_landmarks(coordinates, l_nature, LandmarkType(landmark_type='nature')) - correct_score(L2, preferences.nature) - - # List for shopping - L3 = get_landmarks(coordinates, l_shop, LandmarkType(landmark_type='shopping')) - correct_score(L3, preferences.shopping) + L = [] - L = L1 + L2 + L3 + # Use 'City, Country' + if city_country is not None : - return cleanup_list(L) + # List for sightseeing + if preferences.sightseeing.score != 0 : + L1 = get_landmarks_nominatim(city_country, l_sights, SIGHTSEEING) + correct_score(L1, preferences.sightseeing) + L += L1 + + # List for nature + if preferences.nature.score != 0 : + L2 = get_landmarks_nominatim(city_country, l_nature, NATURE) + correct_score(L2, preferences.nature) + L += L2 + + # List for shopping + if preferences.shopping.score != 0 : + L3 = get_landmarks_nominatim(city_country, l_shop, SHOPPING) + correct_score(L3, preferences.shopping) + L += L3 + + # Use coordinates + elif coordinates is not None : + + # List for sightseeing + if preferences.sightseeing.score != 0 : + L1 = get_landmarks_coords(coordinates, l_sights, SIGHTSEEING) + correct_score(L1, preferences.sightseeing) + L += L1 + + # List for nature + if preferences.nature.score != 0 : + L2 = get_landmarks_coords(coordinates, l_nature, NATURE) + correct_score(L2, preferences.nature) + L += L2 + + # List for shopping + if preferences.shopping.score != 0 : + L3 = get_landmarks_coords(coordinates, l_shop, SHOPPING) + correct_score(L3, preferences.shopping) + L += L3 + + + return L, cleanup_list(L) # Determines if two locations are close to each other -def is_close_to(loc1: Tuple[float, float], loc2: Tuple[float, float]) : +def is_close_to(loc1: Tuple[float, float], loc2: Tuple[float, float])->bool : alpha = (180*RADIUS_CLOSE_TO)/(6371000*m.pi) if abs(loc1[0] - loc2[0]) + abs(loc1[1] - loc2[1]) < alpha*2 : @@ -49,7 +83,7 @@ def is_close_to(loc1: Tuple[float, float], loc2: Tuple[float, float]) : return False # Remove duplicate elements and elements with low score -def cleanup_list(L: List[Landmark]) : +def cleanup_list(L: List[Landmark])->List[Landmark] : L_clean = [] names = [] @@ -70,7 +104,6 @@ def cleanup_list(L: List[Landmark]) : return L_clean - # Correct the score of a list of landmarks by taking into account preferences and the number of tags def correct_score(L: List[Landmark], preference: Preference) : @@ -81,8 +114,8 @@ def correct_score(L: List[Landmark], preference: Preference) : raise TypeError(f"LandmarkType {preference.type} does not match the type of Landmark {L[0].name}") for elem in L : - elem.attractiveness = int(elem.attractiveness/100) + elem.n_tags # arbitrary correction of the balance score vs number of tags - elem.attractiveness = elem.attractiveness*preference.score # arbitrary computation + elem.attractiveness = int(elem.attractiveness) + elem.n_tags*100 # arbitrary correction of the balance score vs number of tags + elem.attractiveness = int(elem.attractiveness*preference.score/500) # arbitrary computation # Correct the score of a list of landmarks by taking into account preferences and the number of tags def correct_score_test(L: List[Landmark], preference: Preference) : @@ -103,7 +136,9 @@ def count_elements_within_radius(coordinates: Tuple[float, float]) -> int: lat = coordinates[0] lon = coordinates[1] - bbox = {'latLower':lat-RADIUS,'lonLower':lon-RADIUS,'latHigher':lat+RADIUS,'lonHigher': lon+RADIUS} + alpha = (180*RADIUS_CLOSE_TO)/(6371000*m.pi) + + bbox = {'latLower':lat-alpha,'lonLower':lon-alpha,'latHigher':lat+alpha,'lonHigher': lon+alpha} overpass = Overpass() # Build the query to find elements within the radius @@ -148,11 +183,11 @@ def create_bbox(coordinates: Tuple[float, float], side_length: int) -> Tuple[flo return min_lat, min_lon, max_lat, max_lon # Generates the list of landmarks for a given Landmarktype. Needs coordinates, a list of amenities and the corresponding LandmarkType -def get_landmarks(coordinates: Tuple[float, float], l: List[Landmark], landmarktype: LandmarkType): +def get_landmarks_coords(coordinates: Tuple[float, float], l: List[Landmark], landmarktype: LandmarkType)->List[Landmark]: overpass = Overpass() - # Generate a bbox around currunt coordinates + # Generate a bbox around current coordinates bbox = create_bbox(coordinates, BBOX_SIDE) # Initialize some variables @@ -164,6 +199,46 @@ def get_landmarks(coordinates: Tuple[float, float], l: List[Landmark], landmarkt result = overpass.query(query) N += result.countElements() + for elem in result.elements(): + + name = elem.tag('name') # Add name, decode to ASCII + location = (elem.centerLat(), elem.centerLon()) # Add coordinates (lat, lon) + + # skip if unprecise location + if name is None or location[0] is None: + continue + else : + + osm_type = elem.type() # Add type : 'way' or 'relation' + osm_id = elem.id() # Add OSM id + elem_type = landmarktype # Add the landmark type as 'sightseeing + n_tags = len(elem.tags().keys()) # Add number of tags + + # Add score of given landmark based on the number of surrounding elements + score = count_elements_within_radius(location) + + if score is not None : + # Generate the landmark and append it to the list + landmark = Landmark(name=name, type=elem_type, location=location, osm_type=osm_type, osm_id=osm_id, attractiveness=score, must_do=False, n_tags=n_tags) + L.append(landmark) + + return L + +def get_landmarks_nominatim(city_country: str, l: List[Landmark], landmarktype: LandmarkType)->List[Landmark] : + + overpass = Overpass() + nominatim = Nominatim() + areaId = nominatim.query(city_country).areaId() + + # Initialize some variables + N = 0 + L = [] + + for amenity in l : + query = overpassQueryBuilder(area=areaId, elementType=['way', 'relation'], selector=amenity, includeCenter=True, out='body') + result = overpass.query(query) + N += result.countElements() + for elem in result.elements(): name = elem.tag('name') # Add name @@ -188,4 +263,3 @@ def get_landmarks(coordinates: Tuple[float, float], l: List[Landmark], landmarkt L.append(landmark) return L - diff --git a/backend/src/main.py b/backend/src/main.py index 3118f96..5f3ff4e 100644 --- a/backend/src/main.py +++ b/backend/src/main.py @@ -12,13 +12,13 @@ app = FastAPI() # Assuming frontend is calling like this : #"http://127.0.0.1:8000/process?param1={param1}¶m2={param2}" -# This should become main at some point -@app.post("/optimizer/{longitude}/{latitude}") -def main(longitude: float, latitude: float, preferences: Preferences = Body(...)) -> List[Landmark]: +@app.post("/optimizer_coords/{longitude}/{latitude}/{city_country}") +def main1(preferences: Preferences = Body(...), longitude: float = None, latitude: float = None, city_country: str = None) -> List[Landmark]: + # From frontend get longitude, latitude and prefence list # Generate the landmark list - landmarks = generate_landmarks(tuple((longitude, latitude)), preferences) + landmarks = generate_landmarks(preferences=preferences, city_country=city_country, coordinates=tuple((longitude, latitude))) # Set the max distance max_steps = 90 diff --git a/backend/src/optimizer.py b/backend/src/optimizer.py index 907647a..6b6f192 100644 --- a/backend/src/optimizer.py +++ b/backend/src/optimizer.py @@ -1,8 +1,40 @@ -from scipy.optimize import linprog import numpy as np + +from typing import List +from typing import Tuple +from scipy.optimize import linprog from scipy.linalg import block_diag -from structs.landmarks import Landmark, LandmarkType -from structs.preferences import Preference, Preferences +from structs.landmarks import Landmark +from math import radians, sin, cos, acos + + + +DETOUR_FACTOR = 1.3 # detour factor for straightline distance +AVG_WALKING_SPEED = 4.8 # average walking speed in km/h + + +# Function that returns the distance in meters from one location to another +def get_distance(p1: Tuple[float, float], p2: Tuple[float, float]) : + + # Compute the straight-line distance in km + if p1 == p2 : + return 0, 0 + else: + dist = 6371.01 * acos(sin(radians(p1[0]))*sin(radians(p2[0])) + cos(radians(p1[0]))*cos(radians(p2[0]))*cos(radians(p1[1]) - radians(p2[1]))) + + # Consider the detour factor for average city + wdist = dist*DETOUR_FACTOR + + # Time to walk this distance (in minutes) + wtime = wdist/AVG_WALKING_SPEED*60 + + if wtime > 15 : + wtime = 5*round(wtime/5) + else : + wtime = round(wtime) + + + return round(wdist, 1), wtime # landmarks = [Landmark_1, Landmark_2, ...] @@ -35,10 +67,10 @@ def untangle(resx: list) -> list: return order + # Just to print the result -def print_res(res, landmarks: list, P) -> list: - X = abs(res.x) - order = untangle(X) +def print_res(res, order, landmarks: List[Landmark], P) -> list: + things = [] """N = int(np.sqrt(len(X))) @@ -49,7 +81,7 @@ def print_res(res, landmarks: list, P) -> list: for i,x in enumerate(X) : X[i] = round(x,0) print(order)""" - if (X.sum()+1)**2 == len(X) : + if len(order) == len(landmarks): print('\nAll landmarks can be visited within max_steps, the following order is suggested : ') else : print('Could not visit all the landmarks, the following order is suggested : ') @@ -59,10 +91,141 @@ def print_res(res, landmarks: list, P) -> list: things.append(landmarks[idx].name) steps = path_length(P, abs(res.x)) - print("\nSteps walked : " + str(steps)) + print("\nMinutes walked : " + str(steps)) + print(f"\nVisited {len(order)} out of {len(landmarks)} landmarks") return things + + +# prevent the creation of similar circles +def prevent_circle(resx, landmarks: List[Landmark], A_ub, b_ub) -> bool: + for i, elem in enumerate(resx): + resx[i] = round(elem) + + N = len(resx) # length of res + L = int(np.sqrt(N)) # number of landmarks. CAST INTO INT but should not be a problem because N = L**2 by def. + n_edges = resx.sum() # number of edges + + + nonzeroind = np.nonzero(resx)[0] # the return is a little funny so I use the [0] + + nonzero_tup = np.unravel_index(nonzeroind, (L,L)) + + ind_a = nonzero_tup[0].tolist() + vertices_visited = ind_a + vertices_visited.remove(0) + + ones = [1]*L + h = [0]*N + for i in range(L) : + if i in vertices_visited : + h[i*L:i*L+L] = ones + + A_ub = np.vstack((A_ub, h)) + b_ub.append(len(vertices_visited)-1) + + return A_ub, b_ub + + +def break_circle2(circle_vertices, landmarks: List[Landmark], A_ub, b_ub) -> bool: + + L = len(landmarks) # number of landmarks. CAST INTO INT but should not be a problem because N = L**2 by def. + + + if L-1 in circle_vertices : + circle_vertices.remove(L-1) + + ones = [1]*L + h = [0]*L*L + for i in range(L) : + if i in circle_vertices : + h[i*L:i*L+L] = ones + + A_ub = np.vstack((A_ub, h)) + b_ub.append(len(circle_vertices)-1) + + return A_ub, b_ub + + +# Checks if the path is connected +def is_connected(resx, landmarks: List[Landmark]) -> bool: + for i, elem in enumerate(resx): + resx[i] = round(elem) + + N = len(resx) # length of res + L = int(np.sqrt(N)) # number of landmarks. CAST INTO INT but should not be a problem because N = L**2 by def. + n_edges = resx.sum() # number of edges + + + nonzeroind = np.nonzero(resx)[0] # the return is a little funny so I use the [0] + + nonzero_tup = np.unravel_index(nonzeroind, (L,L)) + + ind_a = nonzero_tup[0].tolist() + ind_b = nonzero_tup[1].tolist() + + edges = [] + edges_visited = [] + vertices_visited = [] + + edge1 = (ind_a[0], ind_b[0]) + edges_visited.append(edge1) + vertices_visited.append(edge1[0]) + + for i, a in enumerate(ind_a) : + edges.append((a, ind_b[i])) # Create the list of edges + + flag = False + + remaining = edges + remaining.remove(edge1) + # This can be further optimized + #while len(vertices_visited) < n_edges + 1 : + break_flag = False + while len(remaining) > 0 and not break_flag: + for edge2 in remaining : + if edge2[0] == edge1[1] : + if edge1[1] in vertices_visited : + edges_visited.append(edge2) + break_flag = True + break + #continue # continue vs break vs needed at all ? + else : + vertices_visited.append(edge1[1]) + edges_visited.append(edge2) + remaining.remove(edge2) + edge1 = edge2 + + elif edge1[1] == L-1 or edge1[1] in vertices_visited: + break_flag = True + break + #break + #if flag is True : + # break + vertices_visited.append(edge1[1]) + + + if len(vertices_visited) == n_edges +1 : + flag = True + circle = [] + else: + flag = False + circle = edges_visited + + """j = 0 + for i in vertices_visited : + if landmarks[i].name == 'start' : + ordered_visit = vertices_visited[j:] + vertices_visited[:j] + break + j+=1""" + + + return flag, vertices_visited, circle + + + + # Checks for cases of circular symmetry in the result def has_circle(resx: list) : N = len(resx) # length of res @@ -127,13 +290,13 @@ def break_sym(N, A_ub, b_ub): return A_ub, b_ub # Constraint to not have circular paths. Want to go from start -> finish without unconnected loops -def break_circle(N, A_ub, b_ub, circle) : - l = [0]*N*N +def break_circle(L, A_ub, b_ub, circle) : + l = [0]*L*L for index in circle : x = index[0] y = index[1] - l[x*N+y] = 1 + l[x*L+y] = 1 A_ub = np.vstack((A_ub,l)) b_ub.append(len(circle)-1) @@ -147,19 +310,29 @@ def break_circle(N, A_ub, b_ub, circle) : # Constraint to respect max number of travels def respect_number(N, A_ub, b_ub): - h = [] + """h = [] for i in range(N) : h.append([1]*N) T = block_diag(*h) - """for l in T : + for l in T : for i in range(7): print(l[i*7:i*7+7]) print("\n")""" - return np.vstack((A_ub, T)), b_ub + [1]*N + #return np.vstack((A_ub, T)), b_ub + [1]*N + ones = [1]*N + zeros = [0]*N + for i in range(N) : + h = zeros*i + ones + zeros*(N-1-i) + + A_ub = np.vstack((A_ub, h)) + b_ub.append(1) + + return A_ub, b_ub + # Constraint to tie the problem together. Necessary but not sufficient to avoid circles def respect_order(N: int, A_eq, b_eq): for i in range(N-1) : # Prevent stacked ones - if i == 0 : + if i == 0 or i == N-1: # Don't touch start or finish continue else : l = [0]*N @@ -171,10 +344,6 @@ def respect_order(N: int, A_eq, b_eq): A_eq = np.vstack((A_eq,l)) b_eq.append(0) - """for i in range(7): - print(l[i*7:i*7+7]) - print("\n")""" - return A_eq, b_eq # Compute manhattan distance between 2 locations @@ -183,27 +352,41 @@ def manhattan_distance(loc1: tuple, loc2: tuple): x2, y2 = loc2 return abs(x1 - x2) + abs(y1 - y2) -# Constraint to not stay in position +# Constraint to not stay in position. Removes d11, d22, d33, etc. def init_eq_not_stay(N: int): l = [0]*N*N - for i in range(N) : for j in range(N) : if j == i : l[j + i*N] = 1 - l[N-1] = 1 # cannot skip from start to finish - #A_eq = np.array([np.array(xi) for xi in A_eq]) # Must convert A_eq into an np array + l = np.array(np.array(l)) - """for i in range(7): - print(l[i*7:i*7+7])""" - return [l], [0] +# Constraint to ensure start at start and finish at goal +def respect_start_finish(N, A_eq: list, b_eq: list): + ls = [1]*N + [0]*N*(N-1) # sets only horizontal ones for start (go from) + ljump = [0]*N*N + ljump[N-1] = 1 # Prevent start finish jump + lg = [0]*N*N + for k in range(N-1) : # sets only vertical ones for goal (go to) + if k != 0 : # Prevent the shortcut start -> finish + lg[k*N+N-1] = 1 + + A_eq = np.vstack((A_eq,ls)) + A_eq = np.vstack((A_eq,ljump)) + A_eq = np.vstack((A_eq,lg)) + b_eq.append(1) + b_eq.append(0) + b_eq.append(1) + + return A_eq, b_eq + # Initialize A and c. Compute the distances from all landmarks to each other and store attractiveness # We want to maximize the sightseeing : max(c) st. A*x < b and A_eq*x = b_eq -def init_ub_dist(landmarks: list, max_steps: int): +def init_ub_dist(landmarks: List[Landmark], max_steps: int): # Objective function coefficients. a*x1 + b*x2 + c*x3 + ... c = [] # Coefficients of inequality constraints (left-hand side) @@ -212,7 +395,8 @@ def init_ub_dist(landmarks: list, max_steps: int): dist_table = [0]*len(landmarks) c.append(-spot1.attractiveness) for j, spot2 in enumerate(landmarks) : - dist_table[j] = manhattan_distance(spot1.location, spot2.location) + d, t = get_distance(spot1.location, spot2.location) + dist_table[j] = t A.append(dist_table) c = c*len(landmarks) A_ub = [] @@ -222,31 +406,31 @@ def init_ub_dist(landmarks: list, max_steps: int): return c, A_ub, [max_steps] # Go through the landmarks and force the optimizer to use landmarks where attractiveness is set to -1 -def respect_user_mustsee(landmarks: list, A_eq: list, b_eq: list) : +def respect_user_mustsee(landmarks: List[Landmark], A_eq: list, b_eq: list) : L = len(landmarks) H = 0 # sort of heuristic to get an idea of the number of steps needed - for i in landmarks : - if i.name == "départ" : elem_prev = i # list of all matches + + elem_prev = landmarks[0] + for i, elem in enumerate(landmarks) : - if elem.attractiveness == -1 : + if elem.must_do is True and elem.name not in ['finish', 'start']: l = [0]*L*L - if elem.name != "arrivée" : - for j in range(L) : - l[j +i*L] = 1 - - else : # This ensures we go to goal - for k in range(L-1) : - l[k*L+L-1] = 1 + for j in range(L) : # sets the horizontal ones (go from) + l[j +i*L] = 1 # sets the vertical ones (go to) double check if good + + for k in range(L-1) : + l[k*L+L-1] = 1 - H += manhattan_distance(elem.location, elem_prev.location) - elem_prev = elem - - """for i in range(7): - print(l[i*7:i*7+7]) - print("\n")""" A_eq = np.vstack((A_eq,l)) - b_eq.append(1) + b_eq.append(2) + + d, t = get_distance(elem.location, elem_prev.location) + H += t + elem_prev = elem + + + return A_eq, b_eq, H # Computes the path length given path matrix (dist_table) and a result @@ -259,18 +443,18 @@ def solve_optimization (landmarks, max_steps, printing_details) : N = len(landmarks) # SET CONSTRAINTS FOR INEQUALITY - c, A_ub, b_ub = init_ub_dist(landmarks, max_steps) # Add the distances from each landmark to the other - P = A_ub # store the paths for later. Needed to compute path length - A_ub, b_ub = respect_number(N, A_ub, b_ub) # Respect max number of visits. + c, A_ub, b_ub = init_ub_dist(landmarks, max_steps) # Add the distances from each landmark to the other + P = A_ub # store the paths for later. Needed to compute path length + A_ub, b_ub = respect_number(N, A_ub, b_ub) # Respect max number of visits (no more possible stops than landmarks). # TODO : Problems with circular symmetry A_ub, b_ub = break_sym(N, A_ub, b_ub) # break the symmetry. Only use the upper diagonal values # SET CONSTRAINTS FOR EQUALITY - A_eq, b_eq = init_eq_not_stay(N) # Force solution not to stay in same place - A_eq, b_eq, H = respect_user_mustsee(landmarks, A_eq, b_eq) # Check if there are user_defined must_see. Also takes care of start/goal - - A_eq, b_eq = respect_order(N, A_eq, b_eq) # Respect order of visit (only works when max_steps is limiting factor) + A_eq, b_eq = init_eq_not_stay(N) # Force solution not to stay in same place + A_eq, b_eq, H = respect_user_mustsee(landmarks, A_eq, b_eq) # Check if there are user_defined must_see. Also takes care of start/goal + A_eq, b_eq = respect_start_finish(N, A_eq, b_eq) # Force start and finish positions + A_eq, b_eq = respect_order(N, A_eq, b_eq) # Respect order of visit (only works when max_steps is limiting factor) # Bounds for variables (x can only be 0 or 1) x_bounds = [(0, 1)] * len(c) @@ -298,20 +482,27 @@ def solve_optimization (landmarks, max_steps, printing_details) : # If there is a solution, we're good to go, just check for else : - circle = has_circle(res.x) + t, order, circle = is_connected(res.x, landmarks) i = 0 # Break the circular symmetry if needed while len(circle) != 0 : - A_ub, b_ub = break_circle(landmarks, A_ub, b_ub, circle) + A_ub, b_ub = prevent_circle(res.x, landmarks, A_ub, b_ub) + A_ub, b_ub = break_circle(len(landmarks), A_ub, b_ub, circle) + A_ub, b_ub = break_circle2(order, landmarks, A_ub, b_ub) res = linprog(c, A_ub=A_ub, b_ub=b_ub, A_eq=A_eq, b_eq = b_eq, bounds=x_bounds, method='highs', integrality=3) - circle = has_circle(res.x) + t, order, circle = is_connected(res.x, landmarks) + if t : + break + #circle = has_circle(res.x) + print(i) i += 1 if printing_details is True : if i != 0 : print(f"Neded to recompute paths {i} times because of unconnected loops...") - X = print_res(res, landmarks, P) + t, order, [] = is_connected(res.x, landmarks) + X = print_res(res, order, landmarks, P) return X else : return untangle(res.x) diff --git a/backend/src/tester.py b/backend/src/tester.py index e531783..45a3b7c 100644 --- a/backend/src/tester.py +++ b/backend/src/tester.py @@ -1,13 +1,25 @@ +import pandas as pd from optimizer import solve_optimization from landmarks_manager import generate_landmarks -from structs.landmarks import LandmarkTest from structs.landmarks import Landmark from structs.landmarktype import LandmarkType from structs.preferences import Preferences, Preference -from fastapi import FastAPI, Query, Body +from fastapi.encoders import jsonable_encoder from typing import List +# Helper function to create a .txt file with results +def write_data(L: List[Landmark]): + + data = pd.DataFrame() + i = 0 + + for landmark in L : + data[i] = jsonable_encoder(landmark) + i += 1 + + data.to_json('landmarks.txt', indent = 2, force_ascii=False) + def test3(city_country: str) -> List[Landmark]: @@ -25,7 +37,9 @@ def test3(city_country: str) -> List[Landmark]: type=LandmarkType(landmark_type='shopping'), score = 5)) - landmarks = generate_landmarks(city_country, preferences) + coords = None + + landmarks = generate_landmarks(preferences=preferences, city_country=city_country, coordinates=coords) max_steps = 9 @@ -47,21 +61,33 @@ def test4(coordinates: tuple[float, float]) -> List[Landmark]: nature=Preference( name='nature', type=LandmarkType(landmark_type='nature'), - score = 0), + score = 5), shopping=Preference( name='shopping', type=LandmarkType(landmark_type='shopping'), score = 5)) - landmarks = generate_landmarks(coordinates, preferences) + city_country = None - max_steps = 90 + landmarks, landmarks_short = generate_landmarks(preferences=preferences, city_country=city_country, coordinates=coordinates) - visiting_order = solve_optimization(landmarks, max_steps, True) + #write_data(landmarks) + + + start = Landmark(name='start', type=LandmarkType(landmark_type='start'), location=(48.8375946, 2.2949904), osm_type='start', osm_id=0, attractiveness=0, must_do=True, n_tags = 0) + finish = Landmark(name='finish', type=LandmarkType(landmark_type='finish'), location=(48.8375946, 2.2949904), osm_type='finish', osm_id=0, attractiveness=0, must_do=True, n_tags = 0) + + + test = landmarks_short + test.append(finish) + test.insert(0, start) + + max_walking_time = 4 # hours + + visiting_order = solve_optimization(test, max_walking_time*60, True) - print(len(visiting_order)) return len(visiting_order) -test3(tuple((48.834378, 2.322113))) \ No newline at end of file +test4(tuple((48.834378, 2.322113))) \ No newline at end of file diff --git a/landmarks.txt b/landmarks.txt new file mode 100644 index 0000000..9549f07 --- /dev/null +++ b/landmarks.txt @@ -0,0 +1,20297 @@ +{ + "0":{ + "name":"Musée du quai Branly - Jacques Chirac", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8609823, + 2.2977973 + ], + "osm_type":"way", + "osm_id":17954721, + "attractiveness":30, + "must_do":false, + "n_tags":30 + }, + "1":{ + "name":"Bourse de Commerce — Pinault Collection", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8628167, + 2.3428183 + ], + "osm_type":"way", + "osm_id":19856722, + "attractiveness":32, + "must_do":false, + "n_tags":32 + }, + "2":{ + "name":"Galerie de Minéralogie et de Géologie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8418045, + 2.3577296 + ], + "osm_type":"way", + "osm_id":21999357, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "3":{ + "name":"Galeries de Paléontologie et d'Anatomie comparée", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8431475, + 2.3628815 + ], + "osm_type":"way", + "osm_id":21999454, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "4":{ + "name":"Institut du Monde Arabe", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8489231, + 2.3572223 + ], + "osm_type":"way", + "osm_id":22870791, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "5":{ + "name":"Jardin Tino Rossi - Musée de la Sculpture en Plein Air", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8474186, + 2.3607371 + ], + "osm_type":"way", + "osm_id":23644147, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "6":{ + "name":"Jeu de Paume", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8658156, + 2.3240828 + ], + "osm_type":"way", + "osm_id":54188994, + "attractiveness":20, + "must_do":false, + "n_tags":20 + }, + "7":{ + "name":"Musée de l'Orangerie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8637655, + 2.3226594 + ], + "osm_type":"way", + "osm_id":54188996, + "attractiveness":24, + "must_do":false, + "n_tags":24 + }, + "8":{ + "name":"Atelier Brancusi", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8614029, + 2.3519903 + ], + "osm_type":"way", + "osm_id":55503399, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "9":{ + "name":"Lafayette Anticipations", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8590014, + 2.354757 + ], + "osm_type":"way", + "osm_id":55865819, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "10":{ + "name":"Grand Palais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8661514, + 2.3122667 + ], + "osm_type":"way", + "osm_id":56185523, + "attractiveness":22, + "must_do":false, + "n_tags":22 + }, + "11":{ + "name":"Pavillon de l'Arsenal", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8505861, + 2.3621853 + ], + "osm_type":"way", + "osm_id":56186898, + "attractiveness":19, + "must_do":false, + "n_tags":19 + }, + "12":{ + "name":"Musée de Cluny", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8506604, + 2.3437398 + ], + "osm_type":"way", + "osm_id":56640163, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "13":{ + "name":"Musée d'art et d'histoire du Judaïsme", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8612656, + 2.355418 + ], + "osm_type":"way", + "osm_id":56687783, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "14":{ + "name":"Musée national Picasso-Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8598781, + 2.3620895 + ], + "osm_type":"way", + "osm_id":57745741, + "attractiveness":21, + "must_do":false, + "n_tags":20 + }, + "15":{ + "name":"Musée Cognacq-Jay", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8581215, + 2.3616628 + ], + "osm_type":"way", + "osm_id":57781649, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "16":{ + "name":"Orangerie du Sénat", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8483243, + 2.3344262 + ], + "osm_type":"way", + "osm_id":62848404, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "17":{ + "name":"Musée d'Orsay", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8599188, + 2.3265259 + ], + "osm_type":"way", + "osm_id":63178753, + "attractiveness":47, + "must_do":false, + "n_tags":47 + }, + "18":{ + "name":"Musée Ernest-Hébert (en travaux)", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8473326, + 2.3227159 + ], + "osm_type":"way", + "osm_id":64314872, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "19":{ + "name":"Musée Nissim de Camondo", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8791676, + 2.3124361 + ], + "osm_type":"way", + "osm_id":68353844, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "20":{ + "name":"Musée Cernuschi", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8794667, + 2.312538 + ], + "osm_type":"way", + "osm_id":68353920, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "21":{ + "name":"Musée Cernuschi", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8794659, + 2.3125739 + ], + "osm_type":"way", + "osm_id":68353939, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "22":{ + "name":"Musée Jacquemart-André", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8755169, + 2.3105464 + ], + "osm_type":"way", + "osm_id":68804399, + "attractiveness":23, + "must_do":false, + "n_tags":23 + }, + "23":{ + "name":"Pagoda Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8767479, + 2.3077454 + ], + "osm_type":"way", + "osm_id":68828954, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "24":{ + "name":"Galerie des Gobelins", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8348138, + 2.3528 + ], + "osm_type":"way", + "osm_id":78407170, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "25":{ + "name":"Musée Yves Saint Laurent Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8655978, + 2.2993165 + ], + "osm_type":"way", + "osm_id":79219238, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "26":{ + "name":"Musée d'Art Moderne de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8643053, + 2.297793 + ], + "osm_type":"way", + "osm_id":79219308, + "attractiveness":30, + "must_do":false, + "n_tags":30 + }, + "27":{ + "name":"Palais de Tokyo", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8641085, + 2.2964122 + ], + "osm_type":"way", + "osm_id":79219351, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "28":{ + "name":"Fondation Cartier pour l'art contemporain", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8373189, + 2.3319319 + ], + "osm_type":"way", + "osm_id":79616736, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "29":{ + "name":"Musée de la Libération de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8340943, + 2.3317055 + ], + "osm_type":"way", + "osm_id":79633987, + "attractiveness":19, + "must_do":false, + "n_tags":19 + }, + "30":{ + "name":"Hôtel d'Heidelbach", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8663491, + 2.2944214 + ], + "osm_type":"way", + "osm_id":79641978, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "31":{ + "name":"Musée Guimet", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8653886, + 2.2935591 + ], + "osm_type":"way", + "osm_id":79641993, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "32":{ + "name":"Maison Chana Orloff", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8260871, + 2.3327019 + ], + "osm_type":"way", + "osm_id":79805060, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "33":{ + "name":"Musée d'Ennery", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8715059, + 2.2814214 + ], + "osm_type":"way", + "osm_id":80848762, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "34":{ + "name":"Maison de la Photographie - Robert Doisneau", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8143, + 2.3476025 + ], + "osm_type":"way", + "osm_id":81091490, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "35":{ + "name":"Musée Marmottan Monet", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.859404, + 2.2672517 + ], + "osm_type":"way", + "osm_id":83422695, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "36":{ + "name":"Grande Galerie de l'Évolution", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8421181, + 2.3562418 + ], + "osm_type":"way", + "osm_id":83913793, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "37":{ + "name":"Maison de Balzac", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8551953, + 2.2808684 + ], + "osm_type":"way", + "osm_id":84511129, + "attractiveness":27, + "must_do":false, + "n_tags":27 + }, + "38":{ + "name":"Pavillon de l'Eau", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8463579, + 2.2732198 + ], + "osm_type":"way", + "osm_id":86428524, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "39":{ + "name":"Mémorial de la Shoah", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8548862, + 2.3560564 + ], + "osm_type":"way", + "osm_id":124052479, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "40":{ + "name":"Maison de la Culture du Japon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8547298, + 2.2897641 + ], + "osm_type":"way", + "osm_id":151074455, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "41":{ + "name":"Musée Zadkine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8428133, + 2.3337722 + ], + "osm_type":"way", + "osm_id":153776401, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "42":{ + "name":"Musée de la chasse et de la nature", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8612558, + 2.3587824 + ], + "osm_type":"way", + "osm_id":156973373, + "attractiveness":16, + "must_do":false, + "n_tags":15 + }, + "43":{ + "name":"Crypte Archéologique du Parvis Notre-Dame", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8535851, + 2.3480846 + ], + "osm_type":"way", + "osm_id":159896046, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "44":{ + "name":"Manufacture des Gobelins", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8344502, + 2.3520875 + ], + "osm_type":"way", + "osm_id":161119956, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "45":{ + "name":"Musée du Luxembourg", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8485965, + 2.3340156 + ], + "osm_type":"way", + "osm_id":170226810, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "46":{ + "name":"Palais de la découverte", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8662091, + 2.3108575 + ], + "osm_type":"way", + "osm_id":188108997, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "47":{ + "name":"Institut suédois", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.858226, + 2.3619639 + ], + "osm_type":"way", + "osm_id":243973065, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "48":{ + "name":"Fondation Louis Vuitton", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8766546, + 2.2633259 + ], + "osm_type":"way", + "osm_id":309626332, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "49":{ + "name":"Musée national Eugène Delacroix", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8546662, + 2.3353836 + ], + "osm_type":"way", + "osm_id":395785603, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "50":{ + "name":"Musée Rodin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8546543, + 2.3159185 + ], + "osm_type":"way", + "osm_id":472159547, + "attractiveness":21, + "must_do":false, + "n_tags":20 + }, + "51":{ + "name":"Musée des Moulages", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8721889, + 2.3681344 + ], + "osm_type":"way", + "osm_id":692817231, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "52":{ + "name":"MAC VAL", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7931596, + 2.3875245 + ], + "osm_type":"way", + "osm_id":791930774, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "53":{ + "name":"Grand palais éphémère", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8531684, + 2.3024461 + ], + "osm_type":"way", + "osm_id":854459034, + "attractiveness":19, + "must_do":false, + "n_tags":19 + }, + "54":{ + "name":"Les Étincelles du Palais de la Découverte", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8410223, + 2.2795637 + ], + "osm_type":"way", + "osm_id":951204355, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "55":{ + "name":"Hôtel de Sully", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.854635, + 2.3638126 + ], + "osm_type":"relation", + "osm_id":403146, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "56":{ + "name":"Fondation Henri Cartier-Bresson", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8632278, + 2.3598659 + ], + "osm_type":"relation", + "osm_id":551459, + "attractiveness":22, + "must_do":false, + "n_tags":22 + }, + "57":{ + "name":"Hôtel de la Monnaie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.856403, + 2.3388625 + ], + "osm_type":"relation", + "osm_id":967664, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "58":{ + "name":"Palais Galliera", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8657061, + 2.2966614 + ], + "osm_type":"relation", + "osm_id":1191057, + "attractiveness":24, + "must_do":false, + "n_tags":24 + }, + "59":{ + "name":"Musée Bourdelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8432078, + 2.3186583 + ], + "osm_type":"relation", + "osm_id":1212876, + "attractiveness":23, + "must_do":false, + "n_tags":23 + }, + "60":{ + "name":"Institut Giacometti", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8362008, + 2.3310708 + ], + "osm_type":"relation", + "osm_id":1213090, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "61":{ + "name":"Musée Carnavalet", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8576819, + 2.3627147 + ], + "osm_type":"relation", + "osm_id":2405955, + "attractiveness":25, + "must_do":false, + "n_tags":25 + }, + "62":{ + "name":"Petit Palais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8660437, + 2.3149694 + ], + "osm_type":"relation", + "osm_id":2778854, + "attractiveness":36, + "must_do":false, + "n_tags":32 + }, + "63":{ + "name":"Sainte-Chapelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8553966, + 2.3450136 + ], + "osm_type":"relation", + "osm_id":3344870, + "attractiveness":56, + "must_do":false, + "n_tags":54 + }, + "64":{ + "name":"Musée du Louvre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8611474, + 2.3358637 + ], + "osm_type":"relation", + "osm_id":7515426, + "attractiveness":33, + "must_do":false, + "n_tags":33 + }, + "65":{ + "name":"Musée de la Carte à Jouer et Galerie d'Histoire de la Ville", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8227375, + 2.273349 + ], + "osm_type":"relation", + "osm_id":12903823, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "66":{ + "name":"Muséum national d'histoire naturelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8432471, + 2.3595052 + ], + "osm_type":"relation", + "osm_id":13611998, + "attractiveness":9, + "must_do":false, + "n_tags":7 + }, + "67":{ + "name":"Champ de Mars", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.856163, + 2.2978311 + ], + "osm_type":"way", + "osm_id":4208595, + "attractiveness":25, + "must_do":false, + "n_tags":25 + }, + "68":{ + "name":"Jardin des Plantes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8440393, + 2.3596915 + ], + "osm_type":"way", + "osm_id":4221369, + "attractiveness":22, + "must_do":false, + "n_tags":20 + }, + "69":{ + "name":"Jardin du Palais Royal", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8650062, + 2.3378176 + ], + "osm_type":"way", + "osm_id":4263203, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "70":{ + "name":"Université Paris 1 Panthéon-Sorbonne - Centre Sorbonne", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8486365, + 2.3436087 + ], + "osm_type":"way", + "osm_id":4433289, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "71":{ + "name":"Tour Eiffel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8582603, + 2.2945008 + ], + "osm_type":"way", + "osm_id":5013364, + "attractiveness":96, + "must_do":false, + "n_tags":94 + }, + "72":{ + "name":"Cimetière du Père-Lachaise", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8611438, + 2.3941849 + ], + "osm_type":"way", + "osm_id":13859706, + "attractiveness":24, + "must_do":false, + "n_tags":24 + }, + "73":{ + "name":"Tour Montparnasse", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8421127, + 2.3219796 + ], + "osm_type":"way", + "osm_id":16406633, + "attractiveness":36, + "must_do":false, + "n_tags":36 + }, + "74":{ + "name":"Panthéon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8461887, + 2.3460786 + ], + "osm_type":"way", + "osm_id":16407465, + "attractiveness":37, + "must_do":false, + "n_tags":32 + }, + "75":{ + "name":"Jardin Atlantique", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8398756, + 2.3189805 + ], + "osm_type":"way", + "osm_id":16923782, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "76":{ + "name":"Tour Saint-Jacques", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8579983, + 2.3489178 + ], + "osm_type":"way", + "osm_id":20326709, + "attractiveness":32, + "must_do":false, + "n_tags":31 + }, + "77":{ + "name":"Collège des Bernardins", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8488289, + 2.3520343 + ], + "osm_type":"way", + "osm_id":26584053, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "78":{ + "name":"Ancienne faisanderie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8452279, + 2.3593855 + ], + "osm_type":"way", + "osm_id":42332649, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "79":{ + "name":"Reptiles", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8457353, + 2.3592527 + ], + "osm_type":"way", + "osm_id":42332651, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "80":{ + "name":"Église Saint-Roch", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8653817, + 2.3326659 + ], + "osm_type":"way", + "osm_id":42722202, + "attractiveness":26, + "must_do":false, + "n_tags":26 + }, + "81":{ + "name":"Hôtel Lebrun", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8468374, + 2.3526504 + ], + "osm_type":"way", + "osm_id":43020667, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "82":{ + "name":"Pont Neuf", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8565248, + 2.3408132 + ], + "osm_type":"way", + "osm_id":53574149, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "83":{ + "name":"Pont Neuf", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8578047, + 2.3419414 + ], + "osm_type":"way", + "osm_id":53574164, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "84":{ + "name":"Pont au Change", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8567097, + 2.3468433 + ], + "osm_type":"way", + "osm_id":53582123, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "85":{ + "name":"Comédie Française", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8635374, + 2.336193 + ], + "osm_type":"way", + "osm_id":54053052, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "86":{ + "name":"Fontaine Molière", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8654941, + 2.336613 + ], + "osm_type":"way", + "osm_id":54097804, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "87":{ + "name":"Place Vendôme", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8674726, + 2.3294385 + ], + "osm_type":"way", + "osm_id":54175774, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "88":{ + "name":"Église de la Madeleine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8700303, + 2.3244833 + ], + "osm_type":"way", + "osm_id":54180046, + "attractiveness":33, + "must_do":false, + "n_tags":33 + }, + "89":{ + "name":"Opéra Garnier", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8720294, + 2.3317281 + ], + "osm_type":"way", + "osm_id":54667456, + "attractiveness":26, + "must_do":false, + "n_tags":26 + }, + "90":{ + "name":"Hôtel de Lauzun", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.851565, + 2.3589627 + ], + "osm_type":"way", + "osm_id":55292128, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "91":{ + "name":"Presbytère", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8463617, + 2.3488355 + ], + "osm_type":"way", + "osm_id":55341527, + "attractiveness":17, + "must_do":false, + "n_tags":16 + }, + "92":{ + "name":"Centre Georges Pompidou", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8605235, + 2.3524395 + ], + "osm_type":"way", + "osm_id":55503397, + "attractiveness":43, + "must_do":false, + "n_tags":43 + }, + "93":{ + "name":"Centre Wallonie-Bruxelles", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8609964, + 2.3511217 + ], + "osm_type":"way", + "osm_id":55751636, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "94":{ + "name":"Immeuble Henri Sauvage", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8436578, + 2.3298104 + ], + "osm_type":"way", + "osm_id":63711049, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "95":{ + "name":"Pyramide de Cassini", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7983124, + 2.3662311 + ], + "osm_type":"way", + "osm_id":64414723, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "96":{ + "name":"Cathédrale Saint-Louis des Invalides", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8556038, + 2.3125832 + ], + "osm_type":"way", + "osm_id":64955027, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "97":{ + "name":"Paris Story", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8723873, + 2.3305146 + ], + "osm_type":"way", + "osm_id":69226411, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "98":{ + "name":"Obélisque de Louxor", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8654765, + 2.3211306 + ], + "osm_type":"way", + "osm_id":72937686, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "99":{ + "name":"Les Docks - Cité de la Mode et du Design", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8408136, + 2.3699923 + ], + "osm_type":"way", + "osm_id":78535563, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "100":{ + "name":"Maison Planeix", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8233199, + 2.3737873 + ], + "osm_type":"way", + "osm_id":79084394, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "101":{ + "name":"Cité-refuge de l'Armée du Salut", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8268194, + 2.3769443 + ], + "osm_type":"way", + "osm_id":79084623, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "102":{ + "name":"Moulin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8179315, + 2.3734807 + ], + "osm_type":"way", + "osm_id":79147884, + "attractiveness":17, + "must_do":false, + "n_tags":16 + }, + "103":{ + "name":"Jardin Japonais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8664457, + 2.2941266 + ], + "osm_type":"way", + "osm_id":79641991, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "104":{ + "name":"Canots du lac", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8780099, + 2.2633681 + ], + "osm_type":"way", + "osm_id":83059104, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "105":{ + "name":"Grande Volière", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8447239, + 2.3589567 + ], + "osm_type":"way", + "osm_id":83976054, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "106":{ + "name":"Dodo manège", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8430786, + 2.3617006 + ], + "osm_type":"way", + "osm_id":83976101, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "107":{ + "name":"Hôtel Mezzara", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8506693, + 2.2707591 + ], + "osm_type":"way", + "osm_id":84262071, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "108":{ + "name":"Jardin des serres d’Auteuil", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.846698, + 2.2526288 + ], + "osm_type":"way", + "osm_id":86260473, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "109":{ + "name":"Laboratoire d'aérodynamisme de Gustave Eiffel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8423031, + 2.2630722 + ], + "osm_type":"way", + "osm_id":87443668, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "110":{ + "name":"La Tour aux Figures", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8285049, + 2.2584698 + ], + "osm_type":"way", + "osm_id":105152323, + "attractiveness":16, + "must_do":false, + "n_tags":15 + }, + "111":{ + "name":"École Militaire", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8518517, + 2.3048526 + ], + "osm_type":"way", + "osm_id":106312008, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "112":{ + "name":"Église du Dôme", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8550021, + 2.3125391 + ], + "osm_type":"way", + "osm_id":112452790, + "attractiveness":25, + "must_do":false, + "n_tags":23 + }, + "113":{ + "name":"Place d’Aligre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8488473, + 2.3783714 + ], + "osm_type":"way", + "osm_id":118759777, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "114":{ + "name":"Jardin du Luxembourg", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8467137, + 2.3363649 + ], + "osm_type":"way", + "osm_id":128206209, + "attractiveness":23, + "must_do":false, + "n_tags":23 + }, + "115":{ + "name":"Jardin Catherine Labouré", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8510562, + 2.320532 + ], + "osm_type":"way", + "osm_id":148481812, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "116":{ + "name":"École nationale supérieure des beaux-arts", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8571292, + 2.3338015 + ], + "osm_type":"way", + "osm_id":148485612, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "117":{ + "name":"Assemblée nationale", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8617532, + 2.317959 + ], + "osm_type":"way", + "osm_id":175448742, + "attractiveness":19, + "must_do":false, + "n_tags":17 + }, + "118":{ + "name":"Bateaux-Mouches", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.863978, + 2.3058261 + ], + "osm_type":"way", + "osm_id":182821008, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "119":{ + "name":"Cathédrale Notre-Dame de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8529372, + 2.3498701 + ], + "osm_type":"way", + "osm_id":201611261, + "attractiveness":55, + "must_do":false, + "n_tags":54 + }, + "120":{ + "name":"Arc de Triomphe", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8737782, + 2.2950354 + ], + "osm_type":"way", + "osm_id":226413508, + "attractiveness":50, + "must_do":false, + "n_tags":49 + }, + "121":{ + "name":"Plan du quartier Jeanne d'Arc", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8296027, + 2.3656495 + ], + "osm_type":"way", + "osm_id":226644735, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "122":{ + "name":"Arc de Triomphe du Carrousel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8617276, + 2.3329082 + ], + "osm_type":"way", + "osm_id":227483542, + "attractiveness":16, + "must_do":false, + "n_tags":11 + }, + "123":{ + "name":"Carrousel de la Tour Eiffel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8589211, + 2.2926215 + ], + "osm_type":"way", + "osm_id":239873024, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "124":{ + "name":"Salle du Livre d'Or", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8482839, + 2.3377991 + ], + "osm_type":"way", + "osm_id":261881547, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "125":{ + "name":"Pavillon Eiffel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8584222, + 2.2947295 + ], + "osm_type":"way", + "osm_id":308145258, + "attractiveness":13, + "must_do":false, + "n_tags":12 + }, + "126":{ + "name":"Pavillon Ferrié", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8581023, + 2.2942531 + ], + "osm_type":"way", + "osm_id":308145259, + "attractiveness":13, + "must_do":false, + "n_tags":12 + }, + "127":{ + "name":"Tombe du Soldat inconnu", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8737505, + 2.295133 + ], + "osm_type":"way", + "osm_id":339016618, + "attractiveness":16, + "must_do":false, + "n_tags":15 + }, + "128":{ + "name":"Pyramide du Louvre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8610132, + 2.3358545 + ], + "osm_type":"way", + "osm_id":375076234, + "attractiveness":27, + "must_do":false, + "n_tags":27 + }, + "129":{ + "name":"Cavae des Arènes de Lutèce", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8450776, + 2.352912 + ], + "osm_type":"way", + "osm_id":406229046, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "130":{ + "name":"Place de la Concorde", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8654898, + 2.321186 + ], + "osm_type":"way", + "osm_id":432819047, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "131":{ + "name":"Grande Mosquée de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8420708, + 2.3551205 + ], + "osm_type":"way", + "osm_id":437812893, + "attractiveness":29, + "must_do":false, + "n_tags":28 + }, + "132":{ + "name":"Place de la République", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8675412, + 2.3639876 + ], + "osm_type":"way", + "osm_id":450130138, + "attractiveness":14, + "must_do":false, + "n_tags":12 + }, + "133":{ + "name":"Méridienne de l'Observatoire de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8365027, + 2.336524 + ], + "osm_type":"way", + "osm_id":515068430, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "134":{ + "name":"Passerelle Mornay", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8492111, + 2.3671376 + ], + "osm_type":"way", + "osm_id":568554914, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "135":{ + "name":"Ferme urbaine pédagogique", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8178673, + 2.3562649 + ], + "osm_type":"way", + "osm_id":568915825, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "136":{ + "name":"Ancienne Crèmerie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8456584, + 2.3425418 + ], + "osm_type":"way", + "osm_id":936891354, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "137":{ + "name":"Limonaire Frères", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8364644, + 2.3819198 + ], + "osm_type":"way", + "osm_id":1071482635, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "138":{ + "name":"Labyrinthe", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8353618, + 2.3817702 + ], + "osm_type":"way", + "osm_id":1087988490, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "139":{ + "name":"L'Astrolabe", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8785283, + 2.2653786 + ], + "osm_type":"way", + "osm_id":1094525772, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "140":{ + "name":"Les As du Volant", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8785422, + 2.2649061 + ], + "osm_type":"way", + "osm_id":1094525773, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "141":{ + "name":"Les Speed rockets", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8783575, + 2.2657497 + ], + "osm_type":"way", + "osm_id":1094525775, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "142":{ + "name":"Maison dite « de Jacques Cœur »", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8589632, + 2.3560145 + ], + "osm_type":"way", + "osm_id":1121066634, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "143":{ + "name":"Maison à l'enseigne du Faucheur", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8558553, + 2.3568266 + ], + "osm_type":"way", + "osm_id":1123456865, + "attractiveness":13, + "must_do":false, + "n_tags":11 + }, + "144":{ + "name":"Maison à l'enseigne du Mouton", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8558431, + 2.3568914 + ], + "osm_type":"way", + "osm_id":1123456866, + "attractiveness":13, + "must_do":false, + "n_tags":11 + }, + "145":{ + "name":"Les Grandes Serres du Jardin des Plantes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.84301, + 2.3567734 + ], + "osm_type":"way", + "osm_id":1288442711, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "146":{ + "name":"Hôtel de Ville", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8564265, + 2.352527 + ], + "osm_type":"relation", + "osm_id":284089, + "attractiveness":34, + "must_do":false, + "n_tags":32 + }, + "147":{ + "name":"Palais de Justice de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8556537, + 2.3446072 + ], + "osm_type":"relation", + "osm_id":536982, + "attractiveness":24, + "must_do":false, + "n_tags":24 + }, + "148":{ + "name":"Maison de Nicolas Flamel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8635254, + 2.3531338 + ], + "osm_type":"relation", + "osm_id":550881, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "149":{ + "name":"Place des Vosges", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8556164, + 2.3655435 + ], + "osm_type":"relation", + "osm_id":571765, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "150":{ + "name":"Palais de l'Élysée", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8703766, + 2.3166056 + ], + "osm_type":"relation", + "osm_id":1060803, + "attractiveness":32, + "must_do":false, + "n_tags":32 + }, + "151":{ + "name":"Hôtel de la Marine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8669318, + 2.323065 + ], + "osm_type":"relation", + "osm_id":1060822, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "152":{ + "name":"Hôtel des Invalides", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8559525, + 2.3125541 + ], + "osm_type":"relation", + "osm_id":1463538, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "153":{ + "name":"La Samaritaine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8592672, + 2.3424349 + ], + "osm_type":"relation", + "osm_id":3075632, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "154":{ + "name":"Palais du Louvre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8614768, + 2.3351677 + ], + "osm_type":"relation", + "osm_id":3262297, + "attractiveness":32, + "must_do":false, + "n_tags":32 + }, + "155":{ + "name":"Palais Royal", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8635185, + 2.3369196 + ], + "osm_type":"relation", + "osm_id":3300400, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "156":{ + "name":"Hôtel de Soubise", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8603506, + 2.3576045 + ], + "osm_type":"relation", + "osm_id":3371164, + "attractiveness":12, + "must_do":false, + "n_tags":11 + }, + "157":{ + "name":"Parc Montsouris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8222357, + 2.3380114 + ], + "osm_type":"relation", + "osm_id":4050160, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "158":{ + "name":"Palais de Chaillot", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8618668, + 2.288865 + ], + "osm_type":"relation", + "osm_id":6826569, + "attractiveness":25, + "must_do":false, + "n_tags":25 + }, + "159":{ + "name":"Mémorial des Martyrs de la Déportation", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8517365, + 2.3524734 + ], + "osm_type":"relation", + "osm_id":9396191, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "160":{ + "name":"Jardins des Champs-Élysées", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8661752, + 2.3132237 + ], + "osm_type":"relation", + "osm_id":10142349, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "161":{ + "name":"Cloître des Billettes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8581093, + 2.35517 + ], + "osm_type":"way", + "osm_id":55942659, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "162":{ + "name":"Galerie J. Kugel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8616442, + 2.3214268 + ], + "osm_type":"way", + "osm_id":63564054, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "163":{ + "name":"Cinémathèque Française", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.837002, + 2.3826461 + ], + "osm_type":"way", + "osm_id":78271385, + "attractiveness":26, + "must_do":false, + "n_tags":26 + }, + "164":{ + "name":"Open Bach", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8309981, + 2.3651523 + ], + "osm_type":"way", + "osm_id":154801656, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "165":{ + "name":"Galerie Jeanne Bucher", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8548334, + 2.3372317 + ], + "osm_type":"way", + "osm_id":563066953, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "166":{ + "name":"Tour Eiffel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8582603, + 2.2945008 + ], + "osm_type":"way", + "osm_id":5013364, + "attractiveness":96, + "must_do":false, + "n_tags":94 + }, + "167":{ + "name":"Pont Alexandre III", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8636423, + 2.3135438 + ], + "osm_type":"way", + "osm_id":17067006, + "attractiveness":20, + "must_do":false, + "n_tags":20 + }, + "168":{ + "name":"Collège des Bernardins", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8488289, + 2.3520343 + ], + "osm_type":"way", + "osm_id":26584053, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "169":{ + "name":"Passage Brady", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8716134, + 2.3537153 + ], + "osm_type":"way", + "osm_id":29709952, + "attractiveness":12, + "must_do":false, + "n_tags":11 + }, + "170":{ + "name":"Fontaine Saint-Michel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8532077, + 2.3437213 + ], + "osm_type":"way", + "osm_id":40579862, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "171":{ + "name":"Cabinet d'Histoire (Hôtel de Magny)", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8438711, + 2.3567387 + ], + "osm_type":"way", + "osm_id":42332581, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "172":{ + "name":"Aqueduc de la Vanne", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8003982, + 2.3329791 + ], + "osm_type":"way", + "osm_id":44427217, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "173":{ + "name":"Fontaine des Innocents", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8606368, + 2.3480233 + ], + "osm_type":"way", + "osm_id":52469222, + "attractiveness":16, + "must_do":false, + "n_tags":15 + }, + "174":{ + "name":"Ministère de la Justice", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8677422, + 2.3283905 + ], + "osm_type":"way", + "osm_id":54175265, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "175":{ + "name":"Hôtel Saint-Florentin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8667066, + 2.3240813 + ], + "osm_type":"way", + "osm_id":54177935, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "176":{ + "name":"Palais Brongniart", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8691399, + 2.3413669 + ], + "osm_type":"way", + "osm_id":54657155, + "attractiveness":19, + "must_do":false, + "n_tags":19 + }, + "177":{ + "name":"Théâtre Daunou", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8692654, + 2.3318641 + ], + "osm_type":"way", + "osm_id":54730662, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "178":{ + "name":"Hôtel de Lauzun", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.851565, + 2.3589627 + ], + "osm_type":"way", + "osm_id":55292128, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "179":{ + "name":"Hôtel de Sens", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8535257, + 2.3588733 + ], + "osm_type":"way", + "osm_id":55541122, + "attractiveness":20, + "must_do":false, + "n_tags":20 + }, + "180":{ + "name":"Mur des Justes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8549477, + 2.356257 + ], + "osm_type":"way", + "osm_id":55620179, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "181":{ + "name":"Hôtel d'Ourscamp", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8555465, + 2.3571206 + ], + "osm_type":"way", + "osm_id":55620201, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "182":{ + "name":"Hôtel de Chavigny", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8557916, + 2.3618145 + ], + "osm_type":"way", + "osm_id":56040595, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "183":{ + "name":"Pavillon Curie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8442282, + 2.3447813 + ], + "osm_type":"way", + "osm_id":56066139, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "184":{ + "name":"Pavillon des Sources", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8440384, + 2.3447787 + ], + "osm_type":"way", + "osm_id":56066142, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "185":{ + "name":"Pavillon Pasteur", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8439189, + 2.3446757 + ], + "osm_type":"way", + "osm_id":56066152, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "186":{ + "name":"Statue de Beaumarchais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.853556, + 2.3671165 + ], + "osm_type":"way", + "osm_id":56080370, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "187":{ + "name":"Fontaine du Pot-de-Fer", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8430761, + 2.3495033 + ], + "osm_type":"way", + "osm_id":57687072, + "attractiveness":13, + "must_do":false, + "n_tags":12 + }, + "188":{ + "name":"Hôtel de Marle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8581698, + 2.3621377 + ], + "osm_type":"way", + "osm_id":57781646, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "189":{ + "name":"Regard Saint-Magloire", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8437152, + 2.3393792 + ], + "osm_type":"way", + "osm_id":60264673, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "190":{ + "name":"Centre Maï Politzer", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8027963, + 2.3302595 + ], + "osm_type":"way", + "osm_id":61360943, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "191":{ + "name":"Arcueil 1", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8047265, + 2.3308294 + ], + "osm_type":"way", + "osm_id":61887176, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "192":{ + "name":"Temple de l'Amitié", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8555425, + 2.3353925 + ], + "osm_type":"way", + "osm_id":62288099, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "193":{ + "name":"Paul Verlaine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8473403, + 2.3332879 + ], + "osm_type":"way", + "osm_id":62848416, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "194":{ + "name":"Gustave Flaubert", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8461321, + 2.3392722 + ], + "osm_type":"way", + "osm_id":62874967, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "195":{ + "name":"Charles Baudelaire", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8445903, + 2.3347138 + ], + "osm_type":"way", + "osm_id":62874970, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "196":{ + "name":"Hôtel de Rosambo", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.86914, + 2.3587744 + ], + "osm_type":"way", + "osm_id":63202689, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "197":{ + "name":"Hôtel Leblanc-Barbedienne", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8724228, + 2.3628885 + ], + "osm_type":"way", + "osm_id":63202751, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "198":{ + "name":"Hôtel de Beauharnais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8609496, + 2.3223731 + ], + "osm_type":"way", + "osm_id":63564160, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "199":{ + "name":"Hôtel de Seignelay", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8611599, + 2.3218256 + ], + "osm_type":"way", + "osm_id":63564188, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "200":{ + "name":"Dix Solférino", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8599486, + 2.3229966 + ], + "osm_type":"way", + "osm_id":63564201, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "201":{ + "name":"Maison Renaissance", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7993111, + 2.3320961 + ], + "osm_type":"way", + "osm_id":63651999, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "202":{ + "name":"Château Raspail", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7951116, + 2.3331152 + ], + "osm_type":"way", + "osm_id":63654009, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "203":{ + "name":"Pont-Aqueduc d'Arcueil", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8003978, + 2.332997 + ], + "osm_type":"way", + "osm_id":63656243, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "204":{ + "name":"Statue du Maréchal Ney", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8400358, + 2.3363445 + ], + "osm_type":"way", + "osm_id":63844704, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "205":{ + "name":"Statue de Gribeauval", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8567922, + 2.3117336 + ], + "osm_type":"way", + "osm_id":64955010, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "206":{ + "name":"Restaurant Inter-administratif de La Tour-Maubourg", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8569213, + 2.3106008 + ], + "osm_type":"way", + "osm_id":64955021, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "207":{ + "name":"Hôtel de Broglie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8594578, + 2.3186134 + ], + "osm_type":"way", + "osm_id":65090089, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "208":{ + "name":"Chapelle des Catéchismes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8589684, + 2.3183256 + ], + "osm_type":"way", + "osm_id":65104255, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "209":{ + "name":"Hôtel de Choiseul-Praslin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8478008, + 2.3203873 + ], + "osm_type":"way", + "osm_id":65756922, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "210":{ + "name":"Hôtel de Pontalba", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8693239, + 2.3183399 + ], + "osm_type":"way", + "osm_id":67106757, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "211":{ + "name":"Hôtel Perrinet de Jars", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8689989, + 2.3198424 + ], + "osm_type":"way", + "osm_id":67106925, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "212":{ + "name":"Hôtel de Coislin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8671412, + 2.3219906 + ], + "osm_type":"way", + "osm_id":67109756, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "213":{ + "name":"Hôtel de Marigny", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8706645, + 2.3152357 + ], + "osm_type":"way", + "osm_id":67356259, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "214":{ + "name":"Hôtel de Montalivet", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8550106, + 2.3211981 + ], + "osm_type":"way", + "osm_id":67356828, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "215":{ + "name":"Hôtel d'Avaray", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8558943, + 2.3218765 + ], + "osm_type":"way", + "osm_id":67356863, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "216":{ + "name":"Hôtel de Beauffremont", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8559549, + 2.3215283 + ], + "osm_type":"way", + "osm_id":67356892, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "217":{ + "name":"Statue équestre de Jeanne D'Arc", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8754445, + 2.3194466 + ], + "osm_type":"way", + "osm_id":67501479, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "218":{ + "name":"Chapelle expiatoire", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.873695, + 2.3227605 + ], + "osm_type":"way", + "osm_id":67557301, + "attractiveness":26, + "must_do":false, + "n_tags":26 + }, + "219":{ + "name":"Ambroise Thomas", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8793316, + 2.3098167 + ], + "osm_type":"way", + "osm_id":68335779, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "220":{ + "name":"Charles Gounod", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8790161, + 2.3096819 + ], + "osm_type":"way", + "osm_id":68335800, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "221":{ + "name":"Statue de Jules Simon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8765636, + 2.3181311 + ], + "osm_type":"way", + "osm_id":68507719, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "222":{ + "name":"Hôtel de Broglie-Haussonville", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8553519, + 2.3171258 + ], + "osm_type":"way", + "osm_id":68568652, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "223":{ + "name":"Hôtel Biron", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8553042, + 2.3158567 + ], + "osm_type":"way", + "osm_id":68568682, + "attractiveness":12, + "must_do":false, + "n_tags":11 + }, + "224":{ + "name":"Hôtel de Clermont", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8548743, + 2.3176072 + ], + "osm_type":"way", + "osm_id":68568751, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "225":{ + "name":"Hôtel de Boisgelin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8542063, + 2.3220164 + ], + "osm_type":"way", + "osm_id":68571250, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "226":{ + "name":"Hôtel de Cassini", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8519819, + 2.3209847 + ], + "osm_type":"way", + "osm_id":68571376, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "227":{ + "name":"Monument aux morts de la guerre de 1870", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8508444, + 2.3060662 + ], + "osm_type":"way", + "osm_id":68906600, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "228":{ + "name":"Lucien Guitry", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8575685, + 2.2987061 + ], + "osm_type":"way", + "osm_id":69034522, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "229":{ + "name":"foyer de l'Union chrétienne des Jeunes Gens de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8735161, + 2.3455333 + ], + "osm_type":"way", + "osm_id":69220148, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "230":{ + "name":"Jules Ferry", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8637034, + 2.3311345 + ], + "osm_type":"way", + "osm_id":69289019, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "231":{ + "name":"Monument de la reconnaissance de la Belgique à la France", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8649226, + 2.3029298 + ], + "osm_type":"way", + "osm_id":69325365, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "232":{ + "name":"Synagogue Buffault", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8761054, + 2.3425466 + ], + "osm_type":"way", + "osm_id":69417432, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "233":{ + "name":"Hôtel de Béhague", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8581757, + 2.3030662 + ], + "osm_type":"way", + "osm_id":69859760, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "234":{ + "name":"Les Chardons", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8589282, + 2.2822768 + ], + "osm_type":"way", + "osm_id":70184787, + "attractiveness":17, + "must_do":false, + "n_tags":16 + }, + "235":{ + "name":"Obélisque de Louxor", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8654765, + 2.3211306 + ], + "osm_type":"way", + "osm_id":72937686, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "236":{ + "name":"Adolphe Schneider", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8050635, + 2.2590049 + ], + "osm_type":"way", + "osm_id":73584482, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "237":{ + "name":"Buste de Frédérick Lemaître", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8689148, + 2.3671974 + ], + "osm_type":"way", + "osm_id":76910105, + "attractiveness":12, + "must_do":false, + "n_tags":11 + }, + "238":{ + "name":"Lafayette", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8644688, + 2.3118747 + ], + "osm_type":"way", + "osm_id":77441324, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "239":{ + "name":"Georges Clemenceau", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8670894, + 2.3143947 + ], + "osm_type":"way", + "osm_id":77441328, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "240":{ + "name":"Sir Winston Churchill", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8652836, + 2.313998 + ], + "osm_type":"way", + "osm_id":77441386, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "241":{ + "name":"Charles de Gaulle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8674908, + 2.3136006 + ], + "osm_type":"way", + "osm_id":77441401, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "242":{ + "name":"La Petite Mairie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8488749, + 2.3782341 + ], + "osm_type":"way", + "osm_id":78146411, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "243":{ + "name":"Galerie des Gobelins", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8348138, + 2.3528 + ], + "osm_type":"way", + "osm_id":78407170, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "244":{ + "name":"Chapelle Saint-Louis de la Salpêtrière", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8389393, + 2.3641414 + ], + "osm_type":"way", + "osm_id":78535716, + "attractiveness":19, + "must_do":false, + "n_tags":16 + }, + "245":{ + "name":"Buste de Johann Strauss", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8685147, + 2.359769 + ], + "osm_type":"way", + "osm_id":78548940, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "246":{ + "name":"Buste du Baron Taylor", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8684152, + 2.3602387 + ], + "osm_type":"way", + "osm_id":78548956, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "247":{ + "name":"Maison de Madeleine Delbrêl", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8110079, + 2.3881767 + ], + "osm_type":"way", + "osm_id":79148826, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "248":{ + "name":"Église Saint-Pierre - Saint-Paul", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8109596, + 2.3828632 + ], + "osm_type":"way", + "osm_id":79150389, + "attractiveness":24, + "must_do":false, + "n_tags":23 + }, + "249":{ + "name":"Comte de Rochambeau", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8663382, + 2.2966974 + ], + "osm_type":"way", + "osm_id":79232734, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "250":{ + "name":"Hôtel de Massa", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8362313, + 2.3376251 + ], + "osm_type":"way", + "osm_id":79611188, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "251":{ + "name":"François Arago", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.83448, + 2.3365253 + ], + "osm_type":"way", + "osm_id":79611253, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "252":{ + "name":"Maison du Fontainier", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8371365, + 2.3361474 + ], + "osm_type":"way", + "osm_id":79611339, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "253":{ + "name":"Inspection Générale des Carrières", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8338392, + 2.3324158 + ], + "osm_type":"way", + "osm_id":79628544, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "254":{ + "name":"A. Charlet 1792-1845", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8337503, + 2.3327347 + ], + "osm_type":"way", + "osm_id":79628916, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "255":{ + "name":"Le Lion de Belfort", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.834332, + 2.3324661 + ], + "osm_type":"way", + "osm_id":79629168, + "attractiveness":20, + "must_do":false, + "n_tags":19 + }, + "256":{ + "name":"Musée de la Libération de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8340943, + 2.3317055 + ], + "osm_type":"way", + "osm_id":79633987, + "attractiveness":19, + "must_do":false, + "n_tags":19 + }, + "257":{ + "name":"Monument aux Volontaires Américains", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8677505, + 2.2950168 + ], + "osm_type":"way", + "osm_id":79657347, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "258":{ + "name":"Thomas Paine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8202423, + 2.3399353 + ], + "osm_type":"way", + "osm_id":79805243, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "259":{ + "name":"Statue de José de San Martín", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8206863, + 2.3381782 + ], + "osm_type":"way", + "osm_id":79805415, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "260":{ + "name":"Alphand", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8736766, + 2.2898597 + ], + "osm_type":"way", + "osm_id":80376667, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "261":{ + "name":"Monument à Émile Levassor", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8766042, + 2.2803402 + ], + "osm_type":"way", + "osm_id":80536797, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "262":{ + "name":"Immeuble dit Fondation Thiers", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8707974, + 2.2792207 + ], + "osm_type":"way", + "osm_id":80839971, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "263":{ + "name":"Château de Madrid", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8747231, + 2.2548868 + ], + "osm_type":"way", + "osm_id":81233776, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "264":{ + "name":"Monument aux Morts de la Guerre 1914-1918", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8625946, + 2.2862275 + ], + "osm_type":"way", + "osm_id":81779009, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "265":{ + "name":"Immeuble des frères Perret", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8607079, + 2.2858606 + ], + "osm_type":"way", + "osm_id":82683207, + "attractiveness":21, + "must_do":false, + "n_tags":20 + }, + "266":{ + "name":"Château de la Muette", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8614496, + 2.2693531 + ], + "osm_type":"way", + "osm_id":83203039, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "267":{ + "name":"Monument aux morts", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8171949, + 2.3187866 + ], + "osm_type":"way", + "osm_id":83238165, + "attractiveness":6, + "must_do":false, + "n_tags":4 + }, + "268":{ + "name":"Laboratoire de Marie Curie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8445397, + 2.3557684 + ], + "osm_type":"way", + "osm_id":83976060, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "269":{ + "name":"Lamarck et sa fille Aménaïde Cornélie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8440191, + 2.363566 + ], + "osm_type":"way", + "osm_id":83976069, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "270":{ + "name":"Hôtel Mezzara", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8506693, + 2.2707591 + ], + "osm_type":"way", + "osm_id":84262071, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "271":{ + "name":"Atelier du Sculpteur Quillivic", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8501727, + 2.2619985 + ], + "osm_type":"way", + "osm_id":85333454, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "272":{ + "name":"Abbaye Sainte-Marie de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8512137, + 2.2686078 + ], + "osm_type":"way", + "osm_id":85427345, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "273":{ + "name":"Théophile Roussel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8381304, + 2.336329 + ], + "osm_type":"way", + "osm_id":87334030, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "274":{ + "name":"À Nos Morts", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8045553, + 2.2902087 + ], + "osm_type":"way", + "osm_id":87394497, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "275":{ + "name":"Folie Desmares", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.801032, + 2.2900951 + ], + "osm_type":"way", + "osm_id":87395174, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "276":{ + "name":"Hôtel Roszé", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8446493, + 2.2635514 + ], + "osm_type":"way", + "osm_id":87420164, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "277":{ + "name":"Glacière - Chapelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8187357, + 2.2822902 + ], + "osm_type":"way", + "osm_id":87989167, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "278":{ + "name":"Monument aux Morts", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7918725, + 2.2871805 + ], + "osm_type":"way", + "osm_id":91810431, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "279":{ + "name":"Albert Ier de Belgique", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8646042, + 2.3182703 + ], + "osm_type":"way", + "osm_id":92316083, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "280":{ + "name":"L'Épopée de Défense Polonaise", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.864321, + 2.3049352 + ], + "osm_type":"way", + "osm_id":92316086, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "281":{ + "name":"Hommage à Komitas et aux victimes du Génocide arménien", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8644161, + 2.3098206 + ], + "osm_type":"way", + "osm_id":92316090, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "282":{ + "name":"Monument à Barye", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8500715, + 2.3596846 + ], + "osm_type":"way", + "osm_id":92316091, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "283":{ + "name":"Flamme de la Liberté", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8641848, + 2.3008761 + ], + "osm_type":"way", + "osm_id":92316094, + "attractiveness":21, + "must_do":false, + "n_tags":20 + }, + "284":{ + "name":"La Seine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8644662, + 2.3025377 + ], + "osm_type":"way", + "osm_id":92316098, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "285":{ + "name":"Enceinte de Philippe Auguste", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8457554, + 2.3498529 + ], + "osm_type":"way", + "osm_id":92316120, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "286":{ + "name":"Statue de Frémiet", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8435606, + 2.3640026 + ], + "osm_type":"way", + "osm_id":95475832, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "287":{ + "name":"Monument à Charles Perrault", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8649075, + 2.3257746 + ], + "osm_type":"way", + "osm_id":96156210, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "288":{ + "name":"Jeanne d'Arc", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8638791, + 2.332187 + ], + "osm_type":"way", + "osm_id":96156233, + "attractiveness":16, + "must_do":false, + "n_tags":15 + }, + "289":{ + "name":"Ludovic Trarieux", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.834359, + 2.3314481 + ], + "osm_type":"way", + "osm_id":102222433, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "290":{ + "name":"Colonne de la Paix Armée", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8236718, + 2.3363883 + ], + "osm_type":"way", + "osm_id":102226138, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "291":{ + "name":"Passage Brady", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8708984, + 2.3564843 + ], + "osm_type":"way", + "osm_id":111652423, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "292":{ + "name":"Passage Brady", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8714268, + 2.3544455 + ], + "osm_type":"way", + "osm_id":111652425, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "293":{ + "name":"Passage Brady", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.871183, + 2.3553029 + ], + "osm_type":"way", + "osm_id":111652428, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "294":{ + "name":"Passage Brady", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8708726, + 2.3565696 + ], + "osm_type":"way", + "osm_id":111652429, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "295":{ + "name":"Alfred de Musset - Le Rêve du Poète", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8652022, + 2.3106561 + ], + "osm_type":"way", + "osm_id":115310616, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "296":{ + "name":"Le Jardin des Souvenirs", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8392848, + 2.3243192 + ], + "osm_type":"way", + "osm_id":116797447, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "297":{ + "name":"Enceinte de Philippe-Auguste", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8535999, + 2.360354 + ], + "osm_type":"way", + "osm_id":124066210, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "298":{ + "name":"Hôtel de Poulpry - Maison des Polytechniciens", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8589967, + 2.3255594 + ], + "osm_type":"way", + "osm_id":143381183, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "299":{ + "name":"Église Saint-Hermeland", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7964504, + 2.3024281 + ], + "osm_type":"way", + "osm_id":146243264, + "attractiveness":19, + "must_do":false, + "n_tags":18 + }, + "300":{ + "name":"Maison de Richelieu", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7959994, + 2.3046895 + ], + "osm_type":"way", + "osm_id":146243437, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "301":{ + "name":"Hôtel de Bourvallais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.868132, + 2.3278504 + ], + "osm_type":"way", + "osm_id":148573267, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "302":{ + "name":"Tour de la Liberté", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8511391, + 2.3616806 + ], + "osm_type":"way", + "osm_id":149749643, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "303":{ + "name":"Couvent des Cordelières", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8346857, + 2.3474291 + ], + "osm_type":"way", + "osm_id":154161345, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "304":{ + "name":"Enceinte de Charles V", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8496798, + 2.3669734 + ], + "osm_type":"way", + "osm_id":159220788, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "305":{ + "name":"Crypte Archéologique du Parvis Notre-Dame", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8535851, + 2.3480846 + ], + "osm_type":"way", + "osm_id":159896046, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "306":{ + "name":"Statue du général Leclerc", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.821068, + 2.3249582 + ], + "osm_type":"way", + "osm_id":162670438, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "307":{ + "name":"La Naissance des formes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8394586, + 2.3300121 + ], + "osm_type":"way", + "osm_id":169987897, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "308":{ + "name":"Hôtel de Lassay", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8621594, + 2.317297 + ], + "osm_type":"way", + "osm_id":175448743, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "309":{ + "name":"Auguste Comte", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8487691, + 2.3420957 + ], + "osm_type":"way", + "osm_id":182697261, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "310":{ + "name":"Pelletier et Caventou", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8440542, + 2.3391841 + ], + "osm_type":"way", + "osm_id":182697269, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "311":{ + "name":"Henri IV", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8571358, + 2.3409684 + ], + "osm_type":"way", + "osm_id":200452259, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "312":{ + "name":"Cathédrale Notre-Dame de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8529372, + 2.3498701 + ], + "osm_type":"way", + "osm_id":201611261, + "attractiveness":55, + "must_do":false, + "n_tags":54 + }, + "313":{ + "name":"Tour Sud", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8531069, + 2.3491234 + ], + "osm_type":"way", + "osm_id":201611269, + "attractiveness":11, + "must_do":false, + "n_tags":9 + }, + "314":{ + "name":"Tour Nord", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8533393, + 2.3492914 + ], + "osm_type":"way", + "osm_id":201754180, + "attractiveness":11, + "must_do":false, + "n_tags":9 + }, + "315":{ + "name":"Chapelle Notre-Dame-des-Anges", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8462836, + 2.3235558 + ], + "osm_type":"way", + "osm_id":219378497, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "316":{ + "name":"Bastion n°1 de l'enceinte de Thiers", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8284459, + 2.3897653 + ], + "osm_type":"way", + "osm_id":225410145, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "317":{ + "name":"Arc de Triomphe", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8737782, + 2.2950354 + ], + "osm_type":"way", + "osm_id":226413508, + "attractiveness":50, + "must_do":false, + "n_tags":49 + }, + "318":{ + "name":"Arc de Triomphe du Carrousel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8617276, + 2.3329082 + ], + "osm_type":"way", + "osm_id":227483542, + "attractiveness":16, + "must_do":false, + "n_tags":11 + }, + "319":{ + "name":"Colonne de Juillet", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8531661, + 2.3691387 + ], + "osm_type":"way", + "osm_id":227757683, + "attractiveness":18, + "must_do":false, + "n_tags":16 + }, + "320":{ + "name":"Colonne Vendôme", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8674727, + 2.3294381 + ], + "osm_type":"way", + "osm_id":227762241, + "attractiveness":25, + "must_do":false, + "n_tags":24 + }, + "321":{ + "name":"Colonnes de Buren", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8636002, + 2.3370683 + ], + "osm_type":"way", + "osm_id":244102108, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "322":{ + "name":"Poterne des Peupliers", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8214088, + 2.352562 + ], + "osm_type":"way", + "osm_id":254642464, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "323":{ + "name":"Ossuaire Militaire", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8389373, + 2.284187 + ], + "osm_type":"way", + "osm_id":257638612, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "324":{ + "name":"Fontaine du Palmier", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8575005, + 2.3472864 + ], + "osm_type":"way", + "osm_id":261092850, + "attractiveness":23, + "must_do":false, + "n_tags":14 + }, + "325":{ + "name":"Hôtel de Villeroy", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8558199, + 2.3186359 + ], + "osm_type":"way", + "osm_id":303824076, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "326":{ + "name":"Enceinte de Philippe-Auguste", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8570632, + 2.3602823 + ], + "osm_type":"way", + "osm_id":329473726, + "attractiveness":13, + "must_do":false, + "n_tags":12 + }, + "327":{ + "name":"Sarcophage d'Abou Roach", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8605313, + 2.3396277 + ], + "osm_type":"way", + "osm_id":338651010, + "attractiveness":15, + "must_do":false, + "n_tags":11 + }, + "328":{ + "name":"Tombe du Soldat inconnu", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8737505, + 2.295133 + ], + "osm_type":"way", + "osm_id":339016618, + "attractiveness":16, + "must_do":false, + "n_tags":15 + }, + "329":{ + "name":"Statue équestre de Louis XIV", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8657532, + 2.3411737 + ], + "osm_type":"way", + "osm_id":368793311, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "330":{ + "name":"Mémorial 1914-1918", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8071305, + 2.3796609 + ], + "osm_type":"way", + "osm_id":378316046, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "331":{ + "name":"Regard de Saux", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8318898, + 2.3329819 + ], + "osm_type":"way", + "osm_id":384036445, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "332":{ + "name":"Cavae des Arènes de Lutèce", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8450776, + 2.352912 + ], + "osm_type":"way", + "osm_id":406229046, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "333":{ + "name":"Gradins", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8452977, + 2.3525509 + ], + "osm_type":"way", + "osm_id":406229048, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "334":{ + "name":"Gradins", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8448391, + 2.352799 + ], + "osm_type":"way", + "osm_id":406229049, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "335":{ + "name":"Mur de Charles V", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8618464, + 2.333858 + ], + "osm_type":"way", + "osm_id":427097154, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "336":{ + "name":"Monument commémoratif de la campagne de Tunisie 1942-1943", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8626695, + 2.3065038 + ], + "osm_type":"way", + "osm_id":427592604, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "337":{ + "name":"Hôtel du ministre des Affaires étrangères", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8622524, + 2.3161364 + ], + "osm_type":"way", + "osm_id":448794899, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "338":{ + "name":"Monument aux mères françaises", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8198979, + 2.3559529 + ], + "osm_type":"way", + "osm_id":479861151, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "339":{ + "name":"Monument a Garibaldi", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8485733, + 2.3020227 + ], + "osm_type":"way", + "osm_id":553396448, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "340":{ + "name":"Monument à Alexandre Ier de Yougoslavie et Pierre Ier de Serbie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8634596, + 2.2681353 + ], + "osm_type":"way", + "osm_id":573363031, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "341":{ + "name":"Aqueduc Médicis", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7747354, + 2.3380802 + ], + "osm_type":"way", + "osm_id":607735321, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "342":{ + "name":"Monument aux morts de la Première Guerre Mondiale", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8613377, + 2.388494 + ], + "osm_type":"way", + "osm_id":643177282, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "343":{ + "name":"Monument aux morts pour la France en opérations extérieures", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8381439, + 2.2769554 + ], + "osm_type":"way", + "osm_id":672001632, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "344":{ + "name":"Chapelle des Franciscains", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8091333, + 2.3311572 + ], + "osm_type":"way", + "osm_id":680378608, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "345":{ + "name":"Regard de Gentilly", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8155972, + 2.3456206 + ], + "osm_type":"way", + "osm_id":704999419, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "346":{ + "name":"Regard de la ferme de la Santé", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8263708, + 2.3376282 + ], + "osm_type":"way", + "osm_id":704999420, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "347":{ + "name":"Aqueduc Médicis", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7993131, + 2.3325843 + ], + "osm_type":"way", + "osm_id":755054075, + "attractiveness":14, + "must_do":false, + "n_tags":13 + }, + "348":{ + "name":"Aqueduc Médicis", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8109515, + 2.3373775 + ], + "osm_type":"way", + "osm_id":755054076, + "attractiveness":17, + "must_do":false, + "n_tags":16 + }, + "349":{ + "name":"Aqueduc Médicis", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8330712, + 2.3347603 + ], + "osm_type":"way", + "osm_id":755054078, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "350":{ + "name":"Aqueduc Médicis", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8222217, + 2.3395991 + ], + "osm_type":"way", + "osm_id":760025090, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "351":{ + "name":"Mémorial national de la guerre d'Algérie et des combats du Maroc et de la Tunisie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8605872, + 2.2949719 + ], + "osm_type":"way", + "osm_id":814263041, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "352":{ + "name":"Colonne Médicis", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8625255, + 2.3429926 + ], + "osm_type":"way", + "osm_id":942543401, + "attractiveness":15, + "must_do":false, + "n_tags":13 + }, + "353":{ + "name":"Louis XIII", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8556217, + 2.3655393 + ], + "osm_type":"way", + "osm_id":948652816, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "354":{ + "name":"Tour Montgomery", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8540767, + 2.3607517 + ], + "osm_type":"way", + "osm_id":1029627185, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "355":{ + "name":"Monument de l'Assistance publique", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8599892, + 2.3905418 + ], + "osm_type":"way", + "osm_id":1067962575, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "356":{ + "name":"Maison à l'enseigne du Mouton", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8558431, + 2.3568914 + ], + "osm_type":"way", + "osm_id":1123456866, + "attractiveness":13, + "must_do":false, + "n_tags":11 + }, + "357":{ + "name":"Fontaine Saint-Michel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8531803, + 2.3437005 + ], + "osm_type":"way", + "osm_id":1175175570, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "358":{ + "name":"Passage Brady", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8711643, + 2.3554387 + ], + "osm_type":"way", + "osm_id":1194238626, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "359":{ + "name":"Passage Brady", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8712228, + 2.3551839 + ], + "osm_type":"way", + "osm_id":1194238627, + "attractiveness":12, + "must_do":false, + "n_tags":11 + }, + "360":{ + "name":"Passage Brady", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8710466, + 2.3559617 + ], + "osm_type":"way", + "osm_id":1194238628, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "361":{ + "name":"Passage Brady", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8712472, + 2.3551483 + ], + "osm_type":"way", + "osm_id":1194238629, + "attractiveness":12, + "must_do":false, + "n_tags":11 + }, + "362":{ + "name":"Famille Boucicaut", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8396133, + 2.3274421 + ], + "osm_type":"way", + "osm_id":1197780546, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "363":{ + "name":"Auguste Rubin 1841-1909", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8392678, + 2.327113 + ], + "osm_type":"way", + "osm_id":1197815657, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "364":{ + "name":"Famille Spiegel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8392821, + 2.3270683 + ], + "osm_type":"way", + "osm_id":1197815658, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "365":{ + "name":"Famille Depaux", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8392954, + 2.3268594 + ], + "osm_type":"way", + "osm_id":1197815659, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "366":{ + "name":"Famille Gautier", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8391596, + 2.3267588 + ], + "osm_type":"way", + "osm_id":1197815660, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "367":{ + "name":"Famille Louis Giffaut", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8391797, + 2.3267268 + ], + "osm_type":"way", + "osm_id":1197815661, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "368":{ + "name":"Famille Levrat", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8389995, + 2.3266301 + ], + "osm_type":"way", + "osm_id":1197815662, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "369":{ + "name":"Famille Pouyadou", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8390098, + 2.326638 + ], + "osm_type":"way", + "osm_id":1197815663, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "370":{ + "name":"Charles Robert 1827-1899", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8390038, + 2.3265899 + ], + "osm_type":"way", + "osm_id":1197815664, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "371":{ + "name":"Famille Minazzoli", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8389925, + 2.3265816 + ], + "osm_type":"way", + "osm_id":1197815665, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "372":{ + "name":"Honore Champion", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8388004, + 2.3263708 + ], + "osm_type":"way", + "osm_id":1197824735, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "373":{ + "name":"Famille Raspail", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8386871, + 2.3267555 + ], + "osm_type":"way", + "osm_id":1197824736, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "374":{ + "name":"Madame Jourdain de Sainte Preuve", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8387941, + 2.3268166 + ], + "osm_type":"way", + "osm_id":1197824740, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "375":{ + "name":"leon Cinain 1826-1898", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8386236, + 2.3268642 + ], + "osm_type":"way", + "osm_id":1197824741, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "376":{ + "name":"Famille Valentin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8383689, + 2.3269937 + ], + "osm_type":"way", + "osm_id":1197824742, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "377":{ + "name":"Alex Berdal", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8379043, + 2.3267576 + ], + "osm_type":"way", + "osm_id":1197824743, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "378":{ + "name":"François Gérard", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8378264, + 2.3266232 + ], + "osm_type":"way", + "osm_id":1197824744, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "379":{ + "name":"Francois Rude", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8378002, + 2.3266828 + ], + "osm_type":"way", + "osm_id":1197824745, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "380":{ + "name":"Gérard Barthélémy", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8379263, + 2.3265049 + ], + "osm_type":"way", + "osm_id":1197824746, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "381":{ + "name":"Antoine Haumont", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8379418, + 2.3260904 + ], + "osm_type":"way", + "osm_id":1197824747, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "382":{ + "name":"La défense passive à ses morts", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8378457, + 2.3257532 + ], + "osm_type":"way", + "osm_id":1197824748, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "383":{ + "name":"Alexandre Duval", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8376084, + 2.3255649 + ], + "osm_type":"way", + "osm_id":1197824749, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "384":{ + "name":"Famille Lormand", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8377157, + 2.3245734 + ], + "osm_type":"way", + "osm_id":1197824751, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "385":{ + "name":"Famille Cohen Jonathan", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8372213, + 2.325048 + ], + "osm_type":"way", + "osm_id":1197824752, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "386":{ + "name":"Famille Merle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8369876, + 2.3252262 + ], + "osm_type":"way", + "osm_id":1197824755, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "387":{ + "name":"Famille Gavarry", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8370696, + 2.3251082 + ], + "osm_type":"way", + "osm_id":1197824756, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "388":{ + "name":"Famille Reville", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8391171, + 2.3267211 + ], + "osm_type":"way", + "osm_id":1197824760, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "389":{ + "name":"Henri Langlois", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.839361, + 2.3268349 + ], + "osm_type":"way", + "osm_id":1197824761, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "390":{ + "name":"Pierre Larousse", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8395165, + 2.3268029 + ], + "osm_type":"way", + "osm_id":1197824762, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "391":{ + "name":"Leopold Kretz", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8395968, + 2.3265544 + ], + "osm_type":"way", + "osm_id":1197824763, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "392":{ + "name":"Ricardo Menon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8396205, + 2.3260515 + ], + "osm_type":"way", + "osm_id":1197824764, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "393":{ + "name":"Famille Swiczka", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8396053, + 2.3260187 + ], + "osm_type":"way", + "osm_id":1197824765, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "394":{ + "name":"Bettina", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.839557, + 2.3259942 + ], + "osm_type":"way", + "osm_id":1197824766, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "395":{ + "name":"Famille Crémieux", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8398885, + 2.3260134 + ], + "osm_type":"way", + "osm_id":1197824767, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "396":{ + "name":"Amille Gunzburg", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8399101, + 2.3261207 + ], + "osm_type":"way", + "osm_id":1197824768, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "397":{ + "name":"La Convention Nationale", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8460956, + 2.3465754 + ], + "osm_type":"way", + "osm_id":1200936137, + "attractiveness":19, + "must_do":false, + "n_tags":16 + }, + "398":{ + "name":"Famille Pagenel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8607788, + 2.3891285 + ], + "osm_type":"way", + "osm_id":1212094003, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "399":{ + "name":"Famille Chalier", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8621379, + 2.3894202 + ], + "osm_type":"way", + "osm_id":1212094025, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "400":{ + "name":"Famille Grouffal", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8620983, + 2.3893563 + ], + "osm_type":"way", + "osm_id":1212094027, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "401":{ + "name":"Famille Prieur", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8620771, + 2.3892618 + ], + "osm_type":"way", + "osm_id":1212094029, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "402":{ + "name":"Famille Establie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8620726, + 2.3892383 + ], + "osm_type":"way", + "osm_id":1212094030, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "403":{ + "name":"Flamme du Souvenir", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8737575, + 2.295108 + ], + "osm_type":"way", + "osm_id":1222868263, + "attractiveness":18, + "must_do":false, + "n_tags":17 + }, + "404":{ + "name":"Redoute des Hautes Bruyères", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7910468, + 2.3464826 + ], + "osm_type":"way", + "osm_id":1266113360, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "405":{ + "name":"Palais de Justice de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8556537, + 2.3446072 + ], + "osm_type":"relation", + "osm_id":536982, + "attractiveness":24, + "must_do":false, + "n_tags":24 + }, + "406":{ + "name":"Hôtel de Trudon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8609496, + 2.3428774 + ], + "osm_type":"relation", + "osm_id":538976, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "407":{ + "name":"Ancien hôtel de Latour-Maubourg", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8667226, + 2.3302931 + ], + "osm_type":"relation", + "osm_id":542284, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "408":{ + "name":"Palais Cambon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8671207, + 2.3252153 + ], + "osm_type":"relation", + "osm_id":542460, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "409":{ + "name":"Maison de Nicolas Flamel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8635254, + 2.3531338 + ], + "osm_type":"relation", + "osm_id":550881, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "410":{ + "name":"Hôtel de Gourgues", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8584483, + 2.3650665 + ], + "osm_type":"relation", + "osm_id":551488, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "411":{ + "name":"Hôtel de Gillier", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8518195, + 2.3583351 + ], + "osm_type":"relation", + "osm_id":554046, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "412":{ + "name":"Hôtel Le Vau", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8510719, + 2.3599246 + ], + "osm_type":"relation", + "osm_id":554059, + "attractiveness":13, + "must_do":false, + "n_tags":12 + }, + "413":{ + "name":"Hôtel Lambert", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8509959, + 2.359633 + ], + "osm_type":"relation", + "osm_id":554060, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "414":{ + "name":"Abbaye Sainte-Geneviève de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.845736, + 2.3478465 + ], + "osm_type":"relation", + "osm_id":721757, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "415":{ + "name":"Palais du Luxembourg", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8485515, + 2.3371454 + ], + "osm_type":"relation", + "osm_id":975955, + "attractiveness":31, + "must_do":false, + "n_tags":31 + }, + "416":{ + "name":"Noviciat des Dominicains", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8561352, + 2.3284496 + ], + "osm_type":"relation", + "osm_id":1002118, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "417":{ + "name":"Palais Bourbon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8616052, + 2.3182513 + ], + "osm_type":"relation", + "osm_id":1019368, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "418":{ + "name":"Hôtel Kinski", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8597037, + 2.3161295 + ], + "osm_type":"relation", + "osm_id":1020040, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "419":{ + "name":"Palais de l'Élysée", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8703766, + 2.3166056 + ], + "osm_type":"relation", + "osm_id":1060803, + "attractiveness":32, + "must_do":false, + "n_tags":32 + }, + "420":{ + "name":"Hôtel de Crillon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8676142, + 2.3213457 + ], + "osm_type":"relation", + "osm_id":1060804, + "attractiveness":19, + "must_do":false, + "n_tags":19 + }, + "421":{ + "name":"Hôtel de Plessis-Bellière", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8673773, + 2.3216352 + ], + "osm_type":"relation", + "osm_id":1060806, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "422":{ + "name":"Hôtel de la Marine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8669318, + 2.323065 + ], + "osm_type":"relation", + "osm_id":1060822, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "423":{ + "name":"Hôtel de Castries", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8552788, + 2.3192853 + ], + "osm_type":"relation", + "osm_id":1076763, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "424":{ + "name":"Hôtel de Matignon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8544393, + 2.320661 + ], + "osm_type":"relation", + "osm_id":1076880, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "425":{ + "name":"Hôtel de la Païva", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8691584, + 2.3075317 + ], + "osm_type":"relation", + "osm_id":1086118, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "426":{ + "name":"Hôtel des Invalides", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8559525, + 2.3125541 + ], + "osm_type":"relation", + "osm_id":1463538, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "427":{ + "name":"Ligne de Petite Ceinture", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8597838, + 2.3341775 + ], + "osm_type":"relation", + "osm_id":1536589, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "428":{ + "name":"Porte Saint-Denis", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8697934, + 2.3526868 + ], + "osm_type":"relation", + "osm_id":3170072, + "attractiveness":20, + "must_do":false, + "n_tags":19 + }, + "429":{ + "name":"Porte Saint-Martin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8691463, + 2.355651 + ], + "osm_type":"relation", + "osm_id":3178897, + "attractiveness":17, + "must_do":false, + "n_tags":15 + }, + "430":{ + "name":"Palais du Louvre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8614768, + 2.3351677 + ], + "osm_type":"relation", + "osm_id":3262297, + "attractiveness":32, + "must_do":false, + "n_tags":32 + }, + "431":{ + "name":"Palais Royal", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8635185, + 2.3369196 + ], + "osm_type":"relation", + "osm_id":3300400, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "432":{ + "name":"Fort d'Ivry", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8023358, + 2.3901941 + ], + "osm_type":"relation", + "osm_id":5658089, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "433":{ + "name":"Square des Arènes de Lutèce et Capitan", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8450847, + 2.3534295 + ], + "osm_type":"relation", + "osm_id":6087528, + "attractiveness":13, + "must_do":false, + "n_tags":11 + }, + "434":{ + "name":"Mémorial des Martyrs de la Déportation", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8517365, + 2.3524734 + ], + "osm_type":"relation", + "osm_id":9396191, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "435":{ + "name":"Hôpital Saint-Louis", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8733451, + 2.3678812 + ], + "osm_type":"relation", + "osm_id":10714750, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "436":{ + "name":"Voie Romaine Paris -Dreux", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7963521, + 1.8559602 + ], + "osm_type":"relation", + "osm_id":15488534, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "437":{ + "name":"Césure", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.839818, + 2.3539553 + ], + "osm_type":"way", + "osm_id":17044233, + "attractiveness":22, + "must_do":false, + "n_tags":22 + }, + "438":{ + "name":"Collège des Bernardins", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8488289, + 2.3520343 + ], + "osm_type":"way", + "osm_id":26584053, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "439":{ + "name":"Carreau du Temple", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8644482, + 2.3625084 + ], + "osm_type":"way", + "osm_id":30612670, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "440":{ + "name":"Centre Georges Pompidou", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8605235, + 2.3524395 + ], + "osm_type":"way", + "osm_id":55503397, + "attractiveness":43, + "must_do":false, + "n_tags":43 + }, + "441":{ + "name":"Centre culturel de Serbie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8608677, + 2.3509635 + ], + "osm_type":"way", + "osm_id":55751632, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "442":{ + "name":"Centre Wallonie-Bruxelles", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8609964, + 2.3511217 + ], + "osm_type":"way", + "osm_id":55751636, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "443":{ + "name":"Halle des Blancs-Manteaux", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8581282, + 2.3585956 + ], + "osm_type":"way", + "osm_id":55997982, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "444":{ + "name":"Centre Culturel Marocain", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8431912, + 2.3389711 + ], + "osm_type":"way", + "osm_id":60272030, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "445":{ + "name":"Anis Gras", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8090092, + 2.3297627 + ], + "osm_type":"way", + "osm_id":62081844, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "446":{ + "name":"Institut hongrois", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8491305, + 2.3324247 + ], + "osm_type":"way", + "osm_id":63354216, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "447":{ + "name":"Galerie J. Kugel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8616442, + 2.3214268 + ], + "osm_type":"way", + "osm_id":63564054, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "448":{ + "name":"École Municipale des Beaux-Arts", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8028577, + 2.3641168 + ], + "osm_type":"way", + "osm_id":64405276, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "449":{ + "name":"Espace Fondation EDF", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8523494, + 2.3282306 + ], + "osm_type":"way", + "osm_id":64941360, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "450":{ + "name":"Centre Culturel Canadien", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8605291, + 2.3151863 + ], + "osm_type":"way", + "osm_id":65100171, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "451":{ + "name":"Conservatoire intercommunal du Val de Bièvre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.808838, + 2.3604123 + ], + "osm_type":"way", + "osm_id":67283972, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "452":{ + "name":"Centre Culturel Coréen", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8752293, + 2.3216144 + ], + "osm_type":"way", + "osm_id":67725937, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "453":{ + "name":"Conservatoire Municipal Nadia et Lili Boulanger", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8775032, + 2.3443702 + ], + "osm_type":"way", + "osm_id":69418226, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "454":{ + "name":"Villa Belleville", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8720528, + 2.3795927 + ], + "osm_type":"way", + "osm_id":69999925, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "455":{ + "name":"Conservatoire municipal Georges Bizet", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8660242, + 2.3891973 + ], + "osm_type":"way", + "osm_id":69999947, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "456":{ + "name":"Maison des ensembles", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8480847, + 2.3771241 + ], + "osm_type":"way", + "osm_id":78146448, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "457":{ + "name":"La Maison des Cinq Sens", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8312048, + 2.3702611 + ], + "osm_type":"way", + "osm_id":79084804, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "458":{ + "name":"Le Hangar", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8116385, + 2.388069 + ], + "osm_type":"way", + "osm_id":79152237, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "459":{ + "name":"La Générale", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8327433, + 2.3254358 + ], + "osm_type":"way", + "osm_id":79633738, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "460":{ + "name":"Paris Anim' Brancion", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8265146, + 2.2999889 + ], + "osm_type":"way", + "osm_id":80144728, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "461":{ + "name":"Beffroi", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8194461, + 2.3198299 + ], + "osm_type":"way", + "osm_id":83237621, + "attractiveness":27, + "must_do":false, + "n_tags":26 + }, + "462":{ + "name":"Maison des Arts", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8180664, + 2.307911 + ], + "osm_type":"way", + "osm_id":83790469, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "463":{ + "name":"Conservatoire Francis Poulenc", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8520333, + 2.2747876 + ], + "osm_type":"way", + "osm_id":83934823, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "464":{ + "name":"Maison des Arts et de la Nature", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7993819, + 2.2912237 + ], + "osm_type":"way", + "osm_id":87387128, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "465":{ + "name":"Maison des Arts", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7953749, + 2.3063214 + ], + "osm_type":"way", + "osm_id":146249355, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "466":{ + "name":"Centre Culturel Irlandais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8440354, + 2.3463429 + ], + "osm_type":"way", + "osm_id":148568804, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "467":{ + "name":"Maison de l’Amérique latine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8571575, + 2.3234807 + ], + "osm_type":"way", + "osm_id":166220702, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "468":{ + "name":"Maison des Pratiques Artistiques Amateurs Broussais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.827051, + 2.3133718 + ], + "osm_type":"way", + "osm_id":181911602, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "469":{ + "name":"Espace Culturel André Malraux", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8089469, + 2.3605686 + ], + "osm_type":"way", + "osm_id":239059353, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "470":{ + "name":"Institut suédois", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.858226, + 2.3619639 + ], + "osm_type":"way", + "osm_id":243973065, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "471":{ + "name":"Maison Pour Tous Jules Vallès", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8053316, + 2.3667111 + ], + "osm_type":"way", + "osm_id":252696572, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "472":{ + "name":"Fondation Louis Vuitton", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8766546, + 2.2633259 + ], + "osm_type":"way", + "osm_id":309626332, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "473":{ + "name":"Institut culturel italien", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8548894, + 2.3230863 + ], + "osm_type":"way", + "osm_id":330244281, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "474":{ + "name":"Quai de la photo", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8366196, + 2.3754076 + ], + "osm_type":"way", + "osm_id":618744163, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "475":{ + "name":"Bateau Daphné", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8520929, + 2.3494633 + ], + "osm_type":"way", + "osm_id":618750321, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "476":{ + "name":"Atelier des Lumières", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8619116, + 2.38113 + ], + "osm_type":"way", + "osm_id":973123037, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "477":{ + "name":"Maison du Val d'Aoste", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8588546, + 2.3457567 + ], + "osm_type":"relation", + "osm_id":537232, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "478":{ + "name":"La Gaîté lyrique", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8665653, + 2.3534157 + ], + "osm_type":"relation", + "osm_id":550514, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "479":{ + "name":"Conservatoire Hector Berlioz", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8714289, + 2.3586492 + ], + "osm_type":"relation", + "osm_id":983783, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "480":{ + "name":"Les Plateaux Sauvages", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8680107, + 2.3891033 + ], + "osm_type":"relation", + "osm_id":1103386, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "481":{ + "name":"Maison des Métallos", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8673568, + 2.3780427 + ], + "osm_type":"relation", + "osm_id":2864839, + "attractiveness":20, + "must_do":false, + "n_tags":20 + }, + "482":{ + "name":"Auditorium de la Maison de la Radio", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8523516, + 2.2789601 + ], + "osm_type":"relation", + "osm_id":3071867, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "483":{ + "name":"Palais des Congrès", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8792198, + 2.2832217 + ], + "osm_type":"relation", + "osm_id":3074644, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "484":{ + "name":"Cité Internationale des Arts", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8542814, + 2.356698 + ], + "osm_type":"relation", + "osm_id":3514193, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "485":{ + "name":"Bercy Beaucoup", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8293968, + 2.3918793 + ], + "osm_type":"relation", + "osm_id":15608165, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "486":{ + "name":"Église Saint-Lambert de Vaugirard", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8396271, + 2.2982745 + ], + "osm_type":"way", + "osm_id":14349317, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "487":{ + "name":"Église Saint-Léon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8509237, + 2.2966106 + ], + "osm_type":"way", + "osm_id":15912913, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "488":{ + "name":"Église Saint-Sulpice", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8509826, + 2.3348577 + ], + "osm_type":"way", + "osm_id":16077204, + "attractiveness":25, + "must_do":false, + "n_tags":25 + }, + "489":{ + "name":"Église Saint-Pierre de Montrouge", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8287685, + 2.3270872 + ], + "osm_type":"way", + "osm_id":16929093, + "attractiveness":26, + "must_do":false, + "n_tags":26 + }, + "490":{ + "name":"Église Saint-Séverin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8520913, + 2.3457237 + ], + "osm_type":"way", + "osm_id":19740659, + "attractiveness":25, + "must_do":false, + "n_tags":25 + }, + "491":{ + "name":"Église Saint-Julien-le-Pauvre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8520498, + 2.3471195 + ], + "osm_type":"way", + "osm_id":19741083, + "attractiveness":16, + "must_do":false, + "n_tags":15 + }, + "492":{ + "name":"Église Saint-Jean-Baptiste de Grenelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8432427, + 2.2926241 + ], + "osm_type":"way", + "osm_id":23811420, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "493":{ + "name":"Église Notre-Dame de l'Arche d'Alliance", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8366689, + 2.3085491 + ], + "osm_type":"way", + "osm_id":24303512, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "494":{ + "name":"Église Saint-Ignace", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.850588, + 2.3262612 + ], + "osm_type":"way", + "osm_id":24310193, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "495":{ + "name":"Église Saint-Médard", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8399309, + 2.3505124 + ], + "osm_type":"way", + "osm_id":24406636, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "496":{ + "name":"Église Notre-Dame-de-Lorette", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8764338, + 2.3389235 + ], + "osm_type":"way", + "osm_id":25688622, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "497":{ + "name":"Temple de l'Oratoire du Louvre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8616725, + 2.3400059 + ], + "osm_type":"way", + "osm_id":30622528, + "attractiveness":33, + "must_do":false, + "n_tags":32 + }, + "498":{ + "name":"Chapelle Saint-Sauveur", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.828574, + 2.2780766 + ], + "osm_type":"way", + "osm_id":42268952, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "499":{ + "name":"Synagogue Chivté Israël", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8433943, + 2.3866038 + ], + "osm_type":"way", + "osm_id":42311107, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "500":{ + "name":"Temple Protestant Espace Protestant Isséen (EPI)", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.826206, + 2.2719916 + ], + "osm_type":"way", + "osm_id":42675715, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "501":{ + "name":"Église Saint-Roch", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8653817, + 2.3326659 + ], + "osm_type":"way", + "osm_id":42722202, + "attractiveness":26, + "must_do":false, + "n_tags":26 + }, + "502":{ + "name":"Église Saint-Nicolas du Chardonnet", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8491578, + 2.3503163 + ], + "osm_type":"way", + "osm_id":43877261, + "attractiveness":26, + "must_do":false, + "n_tags":26 + }, + "503":{ + "name":"Synagogue de la rue des Tournelles", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8553095, + 2.3668811 + ], + "osm_type":"way", + "osm_id":49734642, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "504":{ + "name":"Église de la Sainte-Trinité", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8773025, + 2.3313881 + ], + "osm_type":"way", + "osm_id":49872150, + "attractiveness":19, + "must_do":false, + "n_tags":19 + }, + "505":{ + "name":"Église Saint-Eugène Sainte-Cécile", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8733469, + 2.3471633 + ], + "osm_type":"way", + "osm_id":50371917, + "attractiveness":33, + "must_do":false, + "n_tags":33 + }, + "506":{ + "name":"Église luthérienne de la Résurrection", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8442129, + 2.2981973 + ], + "osm_type":"way", + "osm_id":53262890, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "507":{ + "name":"Église Saint-Christophe de Javel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8446667, + 2.2793091 + ], + "osm_type":"way", + "osm_id":53400775, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "508":{ + "name":"Église de la Présentation de la Très Sainte Mère de Dieu au temple", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8320652, + 2.2937886 + ], + "osm_type":"way", + "osm_id":53724149, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "509":{ + "name":"Église Saint-Eustache", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8634023, + 2.3451777 + ], + "osm_type":"way", + "osm_id":53762963, + "attractiveness":30, + "must_do":false, + "n_tags":29 + }, + "510":{ + "name":"Église Saint-Germain l'Auxerrois", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8595016, + 2.3413445 + ], + "osm_type":"way", + "osm_id":53770908, + "attractiveness":27, + "must_do":false, + "n_tags":27 + }, + "511":{ + "name":"Église Saint-Leu - Saint-Gilles", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8628813, + 2.3500683 + ], + "osm_type":"way", + "osm_id":53933240, + "attractiveness":23, + "must_do":false, + "n_tags":23 + }, + "512":{ + "name":"Église Notre-Dame des Pauvres", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8271424, + 2.2679851 + ], + "osm_type":"way", + "osm_id":54047170, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "513":{ + "name":"Chapelle Notre-Dame de Grâce", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8486035, + 2.2912517 + ], + "osm_type":"way", + "osm_id":54118568, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "514":{ + "name":"Église Notre-Dame-de-l'Assomption", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8674454, + 2.3255009 + ], + "osm_type":"way", + "osm_id":54168792, + "attractiveness":24, + "must_do":false, + "n_tags":24 + }, + "515":{ + "name":"Église de la Madeleine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8700303, + 2.3244833 + ], + "osm_type":"way", + "osm_id":54180046, + "attractiveness":33, + "must_do":false, + "n_tags":33 + }, + "516":{ + "name":"Basilique Notre-Dame-des-Victoires", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8667853, + 2.3409551 + ], + "osm_type":"way", + "osm_id":54661742, + "attractiveness":24, + "must_do":false, + "n_tags":24 + }, + "517":{ + "name":"Église Notre-Dame-de-Bonne-Nouvelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8695324, + 2.3500407 + ], + "osm_type":"way", + "osm_id":55178129, + "attractiveness":22, + "must_do":false, + "n_tags":22 + }, + "518":{ + "name":"Église Saint-Louis-en-l'Île", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8512802, + 2.3575796 + ], + "osm_type":"way", + "osm_id":55314295, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "519":{ + "name":"Église Saint-Étienne-du-Mont", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8465485, + 2.3480584 + ], + "osm_type":"way", + "osm_id":55343672, + "attractiveness":27, + "must_do":false, + "n_tags":26 + }, + "520":{ + "name":"Église Saint-Éphrem-le-Syriaque", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8483547, + 2.3477113 + ], + "osm_type":"way", + "osm_id":55359253, + "attractiveness":18, + "must_do":false, + "n_tags":17 + }, + "521":{ + "name":"Église Orthodoxe Roumaine des Saints Archanges", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.849488, + 2.3471975 + ], + "osm_type":"way", + "osm_id":55366403, + "attractiveness":17, + "must_do":false, + "n_tags":16 + }, + "522":{ + "name":"Église Saint-Gervais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8555103, + 2.354744 + ], + "osm_type":"way", + "osm_id":55477164, + "attractiveness":20, + "must_do":false, + "n_tags":20 + }, + "523":{ + "name":"Église Saint-Merri", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8590777, + 2.3508448 + ], + "osm_type":"way", + "osm_id":55742120, + "attractiveness":26, + "must_do":false, + "n_tags":26 + }, + "524":{ + "name":"Église Luthérienne des Billettes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8579814, + 2.355148 + ], + "osm_type":"way", + "osm_id":55942658, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "525":{ + "name":"Église Notre-Dame-des-Blancs-Manteaux", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8589606, + 2.3577889 + ], + "osm_type":"way", + "osm_id":55984117, + "attractiveness":21, + "must_do":false, + "n_tags":18 + }, + "526":{ + "name":"Synagogue", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8559322, + 2.3606794 + ], + "osm_type":"way", + "osm_id":56040608, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "527":{ + "name":"Église Saint-Paul-Saint-Louis", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8546118, + 2.3614419 + ], + "osm_type":"way", + "osm_id":56046786, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "528":{ + "name":"Chapelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8542205, + 2.3613106 + ], + "osm_type":"way", + "osm_id":56159605, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "529":{ + "name":"Temple du Marais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8533048, + 2.3662365 + ], + "osm_type":"way", + "osm_id":56206112, + "attractiveness":18, + "must_do":false, + "n_tags":17 + }, + "530":{ + "name":"Église Saint-Nicolas-des-Champs", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8654901, + 2.3542911 + ], + "osm_type":"way", + "osm_id":56290843, + "attractiveness":20, + "must_do":false, + "n_tags":20 + }, + "531":{ + "name":"Synagogue Nazareth", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8669091, + 2.3599226 + ], + "osm_type":"way", + "osm_id":56435813, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "532":{ + "name":"Église Sainte-Elisabeth", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8661005, + 2.3605378 + ], + "osm_type":"way", + "osm_id":56457505, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "533":{ + "name":"Synagogue Vauquelin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8410205, + 2.3476178 + ], + "osm_type":"way", + "osm_id":56693739, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "534":{ + "name":"Chapelle de la congrégation du Saint-Esprit", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8428826, + 2.34671 + ], + "osm_type":"way", + "osm_id":56771095, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "535":{ + "name":"Maison Fraternelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8422143, + 2.3484675 + ], + "osm_type":"way", + "osm_id":57380517, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "536":{ + "name":"Cathédrale Sainte-Croix de Paris des Arméniens", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8608482, + 2.3604975 + ], + "osm_type":"way", + "osm_id":57403533, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "537":{ + "name":"Église Saint-Denis du Saint-Sacrement", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8599672, + 2.365214 + ], + "osm_type":"way", + "osm_id":58150045, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "538":{ + "name":"Église du Val-de-Grâce", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8405269, + 2.3419263 + ], + "osm_type":"way", + "osm_id":59846865, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "539":{ + "name":"Église Luthérienne Saint-Marcel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8410301, + 2.3394202 + ], + "osm_type":"way", + "osm_id":60209197, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "540":{ + "name":"Église Saint-Jacques-du-Haut-Pas", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8436908, + 2.3411283 + ], + "osm_type":"way", + "osm_id":60279510, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "541":{ + "name":"Église Saint-Denys", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.802462, + 2.3319525 + ], + "osm_type":"way", + "osm_id":61312692, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "542":{ + "name":"Église Saint-Germain des Prés", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8539667, + 2.334463 + ], + "osm_type":"way", + "osm_id":62287173, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "543":{ + "name":"Cathédrale Ukrainienne Saint-Vladimir-le-Grand", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8547259, + 2.3309615 + ], + "osm_type":"way", + "osm_id":62296389, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "544":{ + "name":"Chapelle Notre-Dame de la Sagesse", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8356931, + 2.3735362 + ], + "osm_type":"way", + "osm_id":62379741, + "attractiveness":19, + "must_do":false, + "n_tags":18 + }, + "545":{ + "name":"Église Evangélique Baptiste", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8588762, + 2.3292649 + ], + "osm_type":"way", + "osm_id":63149138, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "546":{ + "name":"Église Saint-Vincent-de-Paul", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8789795, + 2.3519205 + ], + "osm_type":"way", + "osm_id":63197162, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "547":{ + "name":"Église Saint-Laurent", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.874774, + 2.3583086 + ], + "osm_type":"way", + "osm_id":63200612, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "548":{ + "name":"Chapelle de l'hôpital Saint-Louis", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8740835, + 2.3661993 + ], + "osm_type":"way", + "osm_id":63200644, + "attractiveness":19, + "must_do":false, + "n_tags":18 + }, + "549":{ + "name":"Église Saint-Martin des Champs", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8700415, + 2.3629456 + ], + "osm_type":"way", + "osm_id":63201579, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "550":{ + "name":"Temple de la Rencontre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8772978, + 2.3532928 + ], + "osm_type":"way", + "osm_id":63203792, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "551":{ + "name":"Église Saint-Jean-Baptiste de Belleville", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8756563, + 2.3893068 + ], + "osm_type":"way", + "osm_id":63212231, + "attractiveness":24, + "must_do":false, + "n_tags":23 + }, + "552":{ + "name":"Église Saint-Georges de la Villette", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8794623, + 2.3748343 + ], + "osm_type":"way", + "osm_id":63239488, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "553":{ + "name":"Église Saint-Joseph des Carmes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8485199, + 2.3302805 + ], + "osm_type":"way", + "osm_id":63370983, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "554":{ + "name":"Église Saint-Thomas d'Aquin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8564112, + 2.3276603 + ], + "osm_type":"way", + "osm_id":63536576, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "555":{ + "name":"Église Saint-Ambroise", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8612993, + 2.3760466 + ], + "osm_type":"way", + "osm_id":63638108, + "attractiveness":23, + "must_do":false, + "n_tags":23 + }, + "556":{ + "name":"Mosquée Omar bn El Khattab", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8679659, + 2.3772772 + ], + "osm_type":"way", + "osm_id":63638391, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "557":{ + "name":"Chapelle Notre-Dame-Réconciliatrice de la Salette", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8698301, + 2.3789768 + ], + "osm_type":"way", + "osm_id":63638499, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "558":{ + "name":"Synagogue Don Isaac Abravanel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8559243, + 2.3763612 + ], + "osm_type":"way", + "osm_id":63640089, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "559":{ + "name":"Basilique Notre-Dame du Perpétuel Secours", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8617208, + 2.3870088 + ], + "osm_type":"way", + "osm_id":63640725, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "560":{ + "name":"Sfânta Genoveva și Sfântul Martin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8532439, + 2.3807852 + ], + "osm_type":"way", + "osm_id":63640910, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "561":{ + "name":"Église protestante chinoise de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8700142, + 2.3783921 + ], + "osm_type":"way", + "osm_id":63645155, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "562":{ + "name":"Église Notre-Dame d'Espérance", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8557998, + 2.3744343 + ], + "osm_type":"way", + "osm_id":63646922, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "563":{ + "name":"Temple protestant du Foyer de l'Âme", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8558974, + 2.3697016 + ], + "osm_type":"way", + "osm_id":63648393, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "564":{ + "name":"Église Saint-Jean", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.791985, + 2.3224463 + ], + "osm_type":"way", + "osm_id":63652836, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "565":{ + "name":"Église Sainte-Germaine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7921031, + 2.3343501 + ], + "osm_type":"way", + "osm_id":63655132, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "566":{ + "name":"Mosquée Falah", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7947944, + 2.3392937 + ], + "osm_type":"way", + "osm_id":63655614, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "567":{ + "name":"Église Réformée du Luxembourg", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8474963, + 2.3314096 + ], + "osm_type":"way", + "osm_id":63681841, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "568":{ + "name":"Église Notre-Dame des Champs", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8434561, + 2.3271121 + ], + "osm_type":"way", + "osm_id":64121803, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "569":{ + "name":"Centre Quaker International", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8458964, + 2.3216199 + ], + "osm_type":"way", + "osm_id":64315031, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "570":{ + "name":"Église Sainte-Thérèse-de-l'Enfant-Jésus", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8027876, + 2.361861 + ], + "osm_type":"way", + "osm_id":64404630, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "571":{ + "name":"Oratoire Beth Yoel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8033791, + 2.36911 + ], + "osm_type":"way", + "osm_id":64411151, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "572":{ + "name":"Église copte orthodoxe de l'Archange Michel et Saint-Georges", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7896646, + 2.3683584 + ], + "osm_type":"way", + "osm_id":64418701, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "573":{ + "name":"Église Saint-Cyr et Sainte-Julitte", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7921955, + 2.3637757 + ], + "osm_type":"way", + "osm_id":64420480, + "attractiveness":18, + "must_do":false, + "n_tags":17 + }, + "574":{ + "name":"Basilique Sainte-Clotilde", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.858317, + 2.3192039 + ], + "osm_type":"way", + "osm_id":64952290, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "575":{ + "name":"Cathédrale Saint-Louis des Invalides", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8556038, + 2.3125832 + ], + "osm_type":"way", + "osm_id":64955027, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "576":{ + "name":"Chapelle des Catéchismes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8589684, + 2.3183256 + ], + "osm_type":"way", + "osm_id":65104255, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "577":{ + "name":"Église anglicane Saint-Michael", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8700841, + 2.3190066 + ], + "osm_type":"way", + "osm_id":67233894, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "578":{ + "name":"Église de la Sainte-Famille", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8109609, + 2.3591353 + ], + "osm_type":"way", + "osm_id":67283221, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "579":{ + "name":"Église protestante unie du Saint-Esprit", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.873222, + 2.3198533 + ], + "osm_type":"way", + "osm_id":67350058, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "580":{ + "name":"Temple de Pentemont", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8564528, + 2.3218645 + ], + "osm_type":"way", + "osm_id":67353449, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "581":{ + "name":"Église Saint-Augustin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8761942, + 2.3188756 + ], + "osm_type":"way", + "osm_id":67501490, + "attractiveness":25, + "must_do":false, + "n_tags":21 + }, + "582":{ + "name":"Chapelle expiatoire", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.873695, + 2.3227605 + ], + "osm_type":"way", + "osm_id":67557301, + "attractiveness":26, + "must_do":false, + "n_tags":26 + }, + "583":{ + "name":"Église Saint-Philippe du Roule", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8733405, + 2.310557 + ], + "osm_type":"way", + "osm_id":68831257, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "584":{ + "name":"Chapelle Baltard", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8735777, + 2.3103416 + ], + "osm_type":"way", + "osm_id":68831265, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "585":{ + "name":"Église Saint-François-Xavier", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8506594, + 2.3134347 + ], + "osm_type":"way", + "osm_id":68893289, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "586":{ + "name":"Chapelle Notre-Dame de l'Annonciation", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8760259, + 2.3039392 + ], + "osm_type":"way", + "osm_id":68991281, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "587":{ + "name":"Église Américaine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8621157, + 2.3068946 + ], + "osm_type":"way", + "osm_id":69049385, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "588":{ + "name":"Église Saint-Pierre du Gros Caillou", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8599241, + 2.305016 + ], + "osm_type":"way", + "osm_id":69072238, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "589":{ + "name":"Temple de la Rédemption", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8737261, + 2.3400268 + ], + "osm_type":"way", + "osm_id":69220900, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "590":{ + "name":"Synagogue Rashi", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8744883, + 2.3475592 + ], + "osm_type":"way", + "osm_id":69221039, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "591":{ + "name":"Église Saint-Louis-d'Antin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8745162, + 2.3280282 + ], + "osm_type":"way", + "osm_id":69226577, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "592":{ + "name":"Église évangélique allemande de Paris « Christuskirche »", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8794555, + 2.3310828 + ], + "osm_type":"way", + "osm_id":69257726, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "593":{ + "name":"Church of Scotland", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8668071, + 2.3074982 + ], + "osm_type":"way", + "osm_id":69329965, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "594":{ + "name":"Chapelle Notre-Dame-de-Consolation", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8654949, + 2.306089 + ], + "osm_type":"way", + "osm_id":69332061, + "attractiveness":31, + "must_do":false, + "n_tags":31 + }, + "595":{ + "name":"Cathédrale arménienne Saint-Jean-Baptiste", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8657975, + 2.3070012 + ], + "osm_type":"way", + "osm_id":69332080, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "596":{ + "name":"Grande Synagogue de la Victoire", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8755092, + 2.3364892 + ], + "osm_type":"way", + "osm_id":69363730, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "597":{ + "name":"Consistoire", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8757851, + 2.3369238 + ], + "osm_type":"way", + "osm_id":69363791, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "598":{ + "name":"Synagogue Buffault", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8761054, + 2.3425466 + ], + "osm_type":"way", + "osm_id":69417432, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "599":{ + "name":"Cathédrale américaine de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8675015, + 2.3006378 + ], + "osm_type":"way", + "osm_id":69485169, + "attractiveness":17, + "must_do":false, + "n_tags":16 + }, + "600":{ + "name":"Église Luthérienne Saint-Jean", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8574433, + 2.3080496 + ], + "osm_type":"way", + "osm_id":69884208, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "601":{ + "name":"Chapelle Saint-Vincent-de-Paul", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8588507, + 2.3056329 + ], + "osm_type":"way", + "osm_id":69884667, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "602":{ + "name":"Église Protestante Unie de Paris-Belleville", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8726445, + 2.3819387 + ], + "osm_type":"way", + "osm_id":69999948, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "603":{ + "name":"Or-Hahaim", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8714658, + 2.3781109 + ], + "osm_type":"way", + "osm_id":70001194, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "604":{ + "name":"Église Notre-Dame-de-la-Croix", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8686123, + 2.3874809 + ], + "osm_type":"way", + "osm_id":70001850, + "attractiveness":26, + "must_do":false, + "n_tags":26 + }, + "605":{ + "name":"Synagogue", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.871195, + 2.3828334 + ], + "osm_type":"way", + "osm_id":70003350, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "606":{ + "name":"Chapelle du Corpus-Christi", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.874168, + 2.3019883 + ], + "osm_type":"way", + "osm_id":70185807, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "607":{ + "name":"Église Protestante Danoise", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8734257, + 2.2991491 + ], + "osm_type":"way", + "osm_id":70187665, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "608":{ + "name":"Cathédrale Saint-Alexandre-Nevsky", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.877618, + 2.3019923 + ], + "osm_type":"way", + "osm_id":70192893, + "attractiveness":23, + "must_do":false, + "n_tags":22 + }, + "609":{ + "name":"Saint-Joseph's Church (mission anglophone)", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8754756, + 2.2984999 + ], + "osm_type":"way", + "osm_id":70223975, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "610":{ + "name":"Batiment Rabelais", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.789659, + 2.2536967 + ], + "osm_type":"way", + "osm_id":71858521, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "611":{ + "name":"Église Saint-Pierre-Saint-Paul", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7991651, + 2.2632283 + ], + "osm_type":"way", + "osm_id":73584429, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "612":{ + "name":"La Chapelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7976277, + 2.2579443 + ], + "osm_type":"way", + "osm_id":73587360, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "613":{ + "name":"Chapelle Saint-Pierre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8331283, + 2.2551651 + ], + "osm_type":"way", + "osm_id":74005541, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "614":{ + "name":"Chapelle Orthodoxe", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8468946, + 2.3041669 + ], + "osm_type":"way", + "osm_id":77739478, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "615":{ + "name":"Église Sainte-Rita", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.844596, + 2.3062818 + ], + "osm_type":"way", + "osm_id":77743146, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "616":{ + "name":"Église Saint-Éloi", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8446697, + 2.3887599 + ], + "osm_type":"way", + "osm_id":78019585, + "attractiveness":20, + "must_do":false, + "n_tags":20 + }, + "617":{ + "name":"Église Notre-Dame de Bercy", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8363209, + 2.3872317 + ], + "osm_type":"way", + "osm_id":78271179, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "618":{ + "name":"Église Orthodoxe de France - cathédrale Saint-Irénée", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8313842, + 2.3453082 + ], + "osm_type":"way", + "osm_id":78406523, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "619":{ + "name":"Église réformée Port-Royal Quartier Latin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8363739, + 2.3491795 + ], + "osm_type":"way", + "osm_id":78406890, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "620":{ + "name":"Église Sainte-Rosalie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8300981, + 2.3497071 + ], + "osm_type":"way", + "osm_id":78407279, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "621":{ + "name":"Église réformée Port-Royal", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8362285, + 2.3491907 + ], + "osm_type":"way", + "osm_id":78407284, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "622":{ + "name":"Église Saint-Albert le Grand", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8281047, + 2.3420248 + ], + "osm_type":"way", + "osm_id":78469927, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "623":{ + "name":"Église Sainte-Anne de la Butte-aux-Cailles", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8261636, + 2.349991 + ], + "osm_type":"way", + "osm_id":78470232, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "624":{ + "name":"Temple Antoiniste", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8273857, + 2.3453119 + ], + "osm_type":"way", + "osm_id":78470555, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "625":{ + "name":"Église Luthérienne de la Trinité", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8318443, + 2.3578146 + ], + "osm_type":"way", + "osm_id":78534147, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "626":{ + "name":"Église Saint-Marcel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8374878, + 2.3592366 + ], + "osm_type":"way", + "osm_id":78534351, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "627":{ + "name":"Chapelle Saint-Louis de la Salpêtrière", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8389393, + 2.3641414 + ], + "osm_type":"way", + "osm_id":78535716, + "attractiveness":19, + "must_do":false, + "n_tags":16 + }, + "628":{ + "name":"Église Passage National", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8238305, + 2.3694228 + ], + "osm_type":"way", + "osm_id":79083459, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "629":{ + "name":"Synagogue Avoth Ouvanim", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.828209, + 2.3662826 + ], + "osm_type":"way", + "osm_id":79083501, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "630":{ + "name":"Église Notre-Dame-de-Chine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8214938, + 2.362635 + ], + "osm_type":"way", + "osm_id":79084032, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "631":{ + "name":"Église Notre-Dame de la Gare", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8298279, + 2.3683033 + ], + "osm_type":"way", + "osm_id":79084116, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "632":{ + "name":"Église Saint-Hippolyte", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8213641, + 2.363021 + ], + "osm_type":"way", + "osm_id":79084388, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "633":{ + "name":"Église Notre-Dame de l'Espérance", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.81777, + 2.3719943 + ], + "osm_type":"way", + "osm_id":79148867, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "634":{ + "name":"Église Saint-Jean-Baptiste du Plateau", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8039026, + 2.3780277 + ], + "osm_type":"way", + "osm_id":79149245, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "635":{ + "name":"Église Saint-Pierre - Saint-Paul", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8109596, + 2.3828632 + ], + "osm_type":"way", + "osm_id":79150389, + "attractiveness":24, + "must_do":false, + "n_tags":23 + }, + "636":{ + "name":"Cathédrale Saint-Étienne", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8665953, + 2.2984346 + ], + "osm_type":"way", + "osm_id":79232285, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "637":{ + "name":"Église Saint-Pierre de Chaillot", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8676964, + 2.298487 + ], + "osm_type":"way", + "osm_id":79276832, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "638":{ + "name":"Église Anglicane Saint-Georges", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8705972, + 2.2961633 + ], + "osm_type":"way", + "osm_id":79368469, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "639":{ + "name":"Chapelle Sainte-Anne", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.828768, + 2.3377897 + ], + "osm_type":"way", + "osm_id":79626475, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "640":{ + "name":"Église Saint-Dominique", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8320894, + 2.3350179 + ], + "osm_type":"way", + "osm_id":79626601, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "641":{ + "name":"Chapelle Saint-Jean", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.835168, + 2.325842 + ], + "osm_type":"way", + "osm_id":79633343, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "642":{ + "name":"Église Notre-Dame-du-Travail", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8359369, + 2.3170768 + ], + "osm_type":"way", + "osm_id":79687825, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "643":{ + "name":"Paroisse de Plaisance", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.834375, + 2.3166882 + ], + "osm_type":"way", + "osm_id":79688125, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "644":{ + "name":"Église Notre-Dame-du-Rosaire", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8292677, + 2.3078658 + ], + "osm_type":"way", + "osm_id":79717909, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "645":{ + "name":"Paris Alésia", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.827421, + 2.3232317 + ], + "osm_type":"way", + "osm_id":79718987, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "646":{ + "name":"Église Baptiste du Centre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8241388, + 2.3293748 + ], + "osm_type":"way", + "osm_id":79804529, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "647":{ + "name":"Église Évangélique Libre", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8274592, + 2.3274621 + ], + "osm_type":"way", + "osm_id":79804659, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "648":{ + "name":"Église de Saint-Antoine de Padoue", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8297428, + 2.2943273 + ], + "osm_type":"way", + "osm_id":80144693, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "649":{ + "name":"Église Notre-Dame-Réconciliatrice", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8338197, + 2.3000761 + ], + "osm_type":"way", + "osm_id":80152077, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "650":{ + "name":"Chapelle Notre-Dame-du-Lys", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8435148, + 2.3087965 + ], + "osm_type":"way", + "osm_id":80237236, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "651":{ + "name":"Église Orthodoxe Saint-Séraphin de Sarov", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8426176, + 2.3045363 + ], + "osm_type":"way", + "osm_id":80237345, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "652":{ + "name":"Église Saint-Jean-Baptiste-de-La-Salle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.841228, + 2.3124626 + ], + "osm_type":"way", + "osm_id":80266257, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "653":{ + "name":"Église Saint-Honoré d'Eylau", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8691233, + 2.2846795 + ], + "osm_type":"way", + "osm_id":80853671, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "654":{ + "name":"Église Saint-Albert le Grand", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8687931, + 2.27744 + ], + "osm_type":"way", + "osm_id":80892490, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "655":{ + "name":"Église Saint-Saturnin", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8154932, + 2.3515928 + ], + "osm_type":"way", + "osm_id":81089089, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "656":{ + "name":"Église du Sacré-Cœur", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8161597, + 2.336323 + ], + "osm_type":"way", + "osm_id":81089773, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "657":{ + "name":"Maison du Won-Bouddhisme", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8107971, + 2.349308 + ], + "osm_type":"way", + "osm_id":81092340, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "658":{ + "name":"Église protestante unie de l'Annonciation", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.861911, + 2.2804833 + ], + "osm_type":"way", + "osm_id":81792421, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "659":{ + "name":"Église Évangelique de Salem", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.810885, + 2.3079518 + ], + "osm_type":"way", + "osm_id":83233532, + "attractiveness":12, + "must_do":false, + "n_tags":11 + }, + "660":{ + "name":"Église Saint-Joseph-Saint-Raymond", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8145944, + 2.3095679 + ], + "osm_type":"way", + "osm_id":83233825, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "661":{ + "name":"Église Saint-Jacques-le-Majeur", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8181396, + 2.3204543 + ], + "osm_type":"way", + "osm_id":83236772, + "attractiveness":29, + "must_do":false, + "n_tags":28 + }, + "662":{ + "name":"Église Notre-Dame-de-l'Assomption de Passy", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.855615, + 2.2665151 + ], + "osm_type":"way", + "osm_id":83715715, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "663":{ + "name":"Église Saint-Marc", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8143147, + 2.2926097 + ], + "osm_type":"way", + "osm_id":83790199, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "664":{ + "name":"Chapelle du Sacré-Cœur", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8138042, + 2.2832671 + ], + "osm_type":"way", + "osm_id":83791292, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "665":{ + "name":"Église de Jésus-Christ des Derniers Jours", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8200772, + 2.3078123 + ], + "osm_type":"way", + "osm_id":83793766, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "666":{ + "name":"Église Notre-Dame-de-la-Médaille-Miraculeuse", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8201876, + 2.3051728 + ], + "osm_type":"way", + "osm_id":83795285, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "667":{ + "name":"Église Notre-Dame de Grâce de Passy", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8564447, + 2.2802337 + ], + "osm_type":"way", + "osm_id":83830759, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "668":{ + "name":"Chapelle Sainte-Thérèse", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8516666, + 2.2709871 + ], + "osm_type":"way", + "osm_id":84262198, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "669":{ + "name":"Temple Réformé de l'Etoile", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8768831, + 2.2870709 + ], + "osm_type":"way", + "osm_id":84322974, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "670":{ + "name":"Église Saint-Ferdinand des Ternes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8786276, + 2.2908454 + ], + "osm_type":"way", + "osm_id":84325824, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "671":{ + "name":"Église Notre-Dame d'Auteuil", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8471651, + 2.2695111 + ], + "osm_type":"way", + "osm_id":85615121, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "672":{ + "name":"Chapelle Sainte-Bernadette", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.847882, + 2.268781 + ], + "osm_type":"way", + "osm_id":85616170, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "673":{ + "name":"Église Saint-François de Molitor", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8455074, + 2.2600499 + ], + "osm_type":"way", + "osm_id":86277623, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "674":{ + "name":"Église des Saints Nouveaux Martyrs et Confesseurs de Russie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8261789, + 2.2911871 + ], + "osm_type":"way", + "osm_id":87141492, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "675":{ + "name":"Église Saint-Rémy", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8210242, + 2.2862316 + ], + "osm_type":"way", + "osm_id":87376851, + "attractiveness":16, + "must_do":false, + "n_tags":15 + }, + "676":{ + "name":"Centre communautaire israélite de Châtillon", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8067093, + 2.2865843 + ], + "osm_type":"way", + "osm_id":87388252, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "677":{ + "name":"Église Notre-Dame-du-Calvaire", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8077749, + 2.2843291 + ], + "osm_type":"way", + "osm_id":87389346, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "678":{ + "name":"Église Saint-Philippe-Saint-Jacques", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7998764, + 2.2901513 + ], + "osm_type":"way", + "osm_id":87393672, + "attractiveness":16, + "must_do":false, + "n_tags":15 + }, + "679":{ + "name":"Chapelle Sainte-Thérèse-de-l'Enfant-Jésus", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7965617, + 2.2770309 + ], + "osm_type":"way", + "osm_id":87395592, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "680":{ + "name":"Église Saint-Luc", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8231552, + 2.2885463 + ], + "osm_type":"way", + "osm_id":87507680, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "681":{ + "name":"Église Polonaise Sainte-Geneviève", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8415339, + 2.2613852 + ], + "osm_type":"way", + "osm_id":87841263, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "682":{ + "name":"Église Sainte-Jeanne-de-Chantal", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8387677, + 2.2561412 + ], + "osm_type":"way", + "osm_id":87959071, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "683":{ + "name":"Église Orthodoxe Russe", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8409621, + 2.2614873 + ], + "osm_type":"way", + "osm_id":87982529, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "684":{ + "name":"Église Saint-François d'Assise", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8244181, + 2.2950351 + ], + "osm_type":"way", + "osm_id":88058402, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "685":{ + "name":"Église Saint-Pierre et Saint-Paul", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7909521, + 2.2898824 + ], + "osm_type":"way", + "osm_id":91808442, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "686":{ + "name":"Chapelle de la Visitation", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8385454, + 2.335793 + ], + "osm_type":"way", + "osm_id":93664894, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "687":{ + "name":"Église Saint-Antoine des Quinze-Vingts", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8487775, + 2.3737984 + ], + "osm_type":"way", + "osm_id":94236417, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "688":{ + "name":"Chapelle Sainte-Ursule", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.848411, + 2.343209 + ], + "osm_type":"way", + "osm_id":95860808, + "attractiveness":22, + "must_do":false, + "n_tags":22 + }, + "689":{ + "name":"Notre-Dame-du-Liban", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.843971, + 2.3453279 + ], + "osm_type":"way", + "osm_id":95869425, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "690":{ + "name":"Église Saint-Bruno", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8188075, + 2.262923 + ], + "osm_type":"way", + "osm_id":96568125, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "691":{ + "name":"Chapelle de l'Épiphanie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8518519, + 2.3229864 + ], + "osm_type":"way", + "osm_id":104339971, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "692":{ + "name":"Nouvelle Église Notre-Dame-de-Grâce de Passy", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8563283, + 2.280665 + ], + "osm_type":"way", + "osm_id":104904040, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "693":{ + "name":"Chapelle Laennec", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8499446, + 2.3217861 + ], + "osm_type":"way", + "osm_id":105220265, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "694":{ + "name":"Église Notre-Dame-de-Nazareth", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8361323, + 2.2839222 + ], + "osm_type":"way", + "osm_id":105535815, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "695":{ + "name":"Église apostolique arménienne Sainte-Marie-Mère-de-Dieu", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.821568, + 2.2641225 + ], + "osm_type":"way", + "osm_id":107530891, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "696":{ + "name":"Église Apostolique Arménienne", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8221345, + 2.267592 + ], + "osm_type":"way", + "osm_id":107530896, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "697":{ + "name":"Chapelle rose", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8226295, + 2.274989 + ], + "osm_type":"way", + "osm_id":111797202, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "698":{ + "name":"La Solitude", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.823093, + 2.277287 + ], + "osm_type":"way", + "osm_id":111826152, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "699":{ + "name":"Église Saint-Joseph", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8084815, + 2.267683 + ], + "osm_type":"way", + "osm_id":112209202, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "700":{ + "name":"Église nouvelle Saint-Honoré d'Eylau", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.86841, + 2.2864027 + ], + "osm_type":"way", + "osm_id":112237139, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "701":{ + "name":"Chapelle Saint-François d'Assise", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8262227, + 2.3303812 + ], + "osm_type":"way", + "osm_id":112263440, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "702":{ + "name":"Église du Dôme", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8550021, + 2.3125391 + ], + "osm_type":"way", + "osm_id":112452790, + "attractiveness":25, + "must_do":false, + "n_tags":23 + }, + "703":{ + "name":"Chapelle Notre-Dame-du-Saint-Sacrement", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8620284, + 2.2797894 + ], + "osm_type":"way", + "osm_id":112461792, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "704":{ + "name":"Chapelle Notre-Dame-de-Toutes-Grâces", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.82346, + 2.278597 + ], + "osm_type":"way", + "osm_id":114654265, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "705":{ + "name":"Notre-Dame de Toutes Grâces", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8252935, + 2.278172 + ], + "osm_type":"way", + "osm_id":114654286, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "706":{ + "name":"Le Nymphée", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8252135, + 2.2779635 + ], + "osm_type":"way", + "osm_id":114654318, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "707":{ + "name":"Église Sainte-Marguerite", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8529554, + 2.3813914 + ], + "osm_type":"way", + "osm_id":115804138, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "708":{ + "name":"MJLF", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8493861, + 2.2841436 + ], + "osm_type":"way", + "osm_id":115878693, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "709":{ + "name":"Chapelle Sainte-Jeanne-d'Arc", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8255156, + 2.3392912 + ], + "osm_type":"way", + "osm_id":118528607, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "710":{ + "name":"Église du Bon Secours", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8519843, + 2.3866965 + ], + "osm_type":"way", + "osm_id":118650031, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "711":{ + "name":"Chapelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8297549, + 2.3118834 + ], + "osm_type":"way", + "osm_id":137692720, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "712":{ + "name":"Église Orthodoxe des Trois-Saints-Docteurs", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8410409, + 2.2994617 + ], + "osm_type":"way", + "osm_id":137884620, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "713":{ + "name":"Chapelle de la clinique Blomet", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8396505, + 2.2961266 + ], + "osm_type":"way", + "osm_id":137884646, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "714":{ + "name":"Église Saint-Roger", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.797651, + 2.379125 + ], + "osm_type":"way", + "osm_id":139561242, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "715":{ + "name":"Chùa Khánh Anh", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7984236, + 2.3095506 + ], + "osm_type":"way", + "osm_id":146243136, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "716":{ + "name":"Église Saint-Hermeland", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7964504, + 2.3024281 + ], + "osm_type":"way", + "osm_id":146243264, + "attractiveness":19, + "must_do":false, + "n_tags":18 + }, + "717":{ + "name":"Mosquée Omar Ibn Khattab à Bagneux", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7958953, + 2.3164416 + ], + "osm_type":"way", + "osm_id":146251083, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "718":{ + "name":"Chapelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8646767, + 2.2807027 + ], + "osm_type":"way", + "osm_id":154001554, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "719":{ + "name":"Chapelle Saint-Yves", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8254721, + 2.3329981 + ], + "osm_type":"way", + "osm_id":155071057, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "720":{ + "name":"Chapelle du Sacré-Cœur-de-Jésus-Roi-de-France", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.83891, + 2.2986886 + ], + "osm_type":"way", + "osm_id":166684921, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "721":{ + "name":"Grande Chapelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.825435, + 2.2779395 + ], + "osm_type":"way", + "osm_id":184127778, + "attractiveness":8, + "must_do":false, + "n_tags":6 + }, + "722":{ + "name":"Église Saint-Benoît", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8288116, + 2.2811921 + ], + "osm_type":"way", + "osm_id":184156452, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "723":{ + "name":"Chapelle Sainte-Bathilde", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8223651, + 2.2830446 + ], + "osm_type":"way", + "osm_id":198765990, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "724":{ + "name":"Église Saint-Étienne", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8228885, + 2.276745 + ], + "osm_type":"way", + "osm_id":199694468, + "attractiveness":23, + "must_do":false, + "n_tags":22 + }, + "725":{ + "name":"Église Saint-Luc", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8108006, + 2.3234878 + ], + "osm_type":"way", + "osm_id":199699485, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "726":{ + "name":"Cathédrale Notre-Dame de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8529372, + 2.3498701 + ], + "osm_type":"way", + "osm_id":201611261, + "attractiveness":55, + "must_do":false, + "n_tags":54 + }, + "727":{ + "name":"Chapelle Notre-Dame-des-Anges", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8462836, + 2.3235558 + ], + "osm_type":"way", + "osm_id":219378497, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "728":{ + "name":"Chapelle de l'hôpital", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7968291, + 2.3617208 + ], + "osm_type":"way", + "osm_id":223128200, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "729":{ + "name":"Chapelle Notre-Dame de la Médaille Miraculeuse", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8508082, + 2.3229325 + ], + "osm_type":"way", + "osm_id":244749667, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "730":{ + "name":"Chapelle des Catéchismes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8464729, + 2.3488067 + ], + "osm_type":"way", + "osm_id":255080046, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "731":{ + "name":"Église Notre-Dame-de-La-Salette", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8337081, + 2.3004333 + ], + "osm_type":"way", + "osm_id":304186825, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "732":{ + "name":"Chapelle des petites sœurs de l'Assomption", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.846193, + 2.2921986 + ], + "osm_type":"way", + "osm_id":320707523, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "733":{ + "name":"Notre-Dame-de-Belleville", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.873107, + 2.379402 + ], + "osm_type":"way", + "osm_id":328240241, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "734":{ + "name":"Michkenot Yaacov", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.87139, + 2.378182 + ], + "osm_type":"way", + "osm_id":329195478, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "735":{ + "name":"Chapelle Sainte-Marie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8511845, + 2.2689215 + ], + "osm_type":"way", + "osm_id":337382904, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "736":{ + "name":"Chapelle Notre-Dame-de-Joye", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8366816, + 2.3352037 + ], + "osm_type":"way", + "osm_id":356802944, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "737":{ + "name":"Chapelle Saint-Vincent", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8390019, + 2.3638914 + ], + "osm_type":"way", + "osm_id":377136997, + "attractiveness":9, + "must_do":false, + "n_tags":7 + }, + "738":{ + "name":"Chapelle de la Vierge", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8388802, + 2.3643925 + ], + "osm_type":"way", + "osm_id":377137007, + "attractiveness":9, + "must_do":false, + "n_tags":7 + }, + "739":{ + "name":"Chapelle du Bon Pasteur", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.838778, + 2.3640571 + ], + "osm_type":"way", + "osm_id":377137015, + "attractiveness":8, + "must_do":false, + "n_tags":6 + }, + "740":{ + "name":"Chapelle Sainte-Geneviève", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8391111, + 2.364233 + ], + "osm_type":"way", + "osm_id":377137025, + "attractiveness":8, + "must_do":false, + "n_tags":6 + }, + "741":{ + "name":"Chapelle Saint-Paul", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8242125, + 2.3224661 + ], + "osm_type":"way", + "osm_id":399204077, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "742":{ + "name":"Chapelle Saint-Bernard", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8409341, + 2.3211613 + ], + "osm_type":"way", + "osm_id":410503747, + "attractiveness":15, + "must_do":false, + "n_tags":12 + }, + "743":{ + "name":"Grande Mosquée de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8420708, + 2.3551205 + ], + "osm_type":"way", + "osm_id":437812893, + "attractiveness":29, + "must_do":false, + "n_tags":28 + }, + "744":{ + "name":"Chapelle de la Trinité", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8379082, + 2.3354561 + ], + "osm_type":"way", + "osm_id":439916874, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "745":{ + "name":"Église du Saint-Curé-d'Ars", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8047696, + 2.3466976 + ], + "osm_type":"way", + "osm_id":447028265, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "746":{ + "name":"Cathédrale de la Sainte-Trinité", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8618757, + 2.3010168 + ], + "osm_type":"way", + "osm_id":449077939, + "attractiveness":18, + "must_do":false, + "n_tags":17 + }, + "747":{ + "name":"Église espagnole du Coeur Immaculé de Marie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8623106, + 2.2757229 + ], + "osm_type":"way", + "osm_id":462398675, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "748":{ + "name":"Chapelle Saint-Symphorien", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8539212, + 2.3338985 + ], + "osm_type":"way", + "osm_id":495635817, + "attractiveness":14, + "must_do":false, + "n_tags":14 + }, + "749":{ + "name":"Église Mariavite Sainte-Marie", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8717305, + 2.3486559 + ], + "osm_type":"way", + "osm_id":678987698, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "750":{ + "name":"Chapelle des Franciscains", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8091333, + 2.3311572 + ], + "osm_type":"way", + "osm_id":680378608, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "751":{ + "name":"Église Saint-Jean des Deux Moulins", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8308895, + 2.3607507 + ], + "osm_type":"way", + "osm_id":962298895, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "752":{ + "name":"Église Orthodoxe Notre-Dame-Joie-des-Affligés-et-Sainte-Geneviève", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.848068, + 2.3516065 + ], + "osm_type":"way", + "osm_id":1056837934, + "attractiveness":14, + "must_do":false, + "n_tags":13 + }, + "753":{ + "name":"Chapelle Saint-Patrick", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8439589, + 2.3460268 + ], + "osm_type":"way", + "osm_id":1056864734, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "754":{ + "name":"Mosquée de bercy", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8393542, + 2.3819022 + ], + "osm_type":"way", + "osm_id":1197529267, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "755":{ + "name":"Association Culturelle Islamique Kurdes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.874251, + 2.3562294 + ], + "osm_type":"relation", + "osm_id":983065, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "756":{ + "name":"Centre Culturel Islamique", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8707111, + 2.3526824 + ], + "osm_type":"relation", + "osm_id":983153, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "757":{ + "name":"Séminaire Polonais de Paris", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8219215, + 2.2769665 + ], + "osm_type":"relation", + "osm_id":1442432, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "758":{ + "name":"Église Saint-Joseph des Nations", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8689638, + 2.3733836 + ], + "osm_type":"relation", + "osm_id":1589962, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "759":{ + "name":"Sainte-Chapelle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8553966, + 2.3450136 + ], + "osm_type":"relation", + "osm_id":3344870, + "attractiveness":56, + "must_do":false, + "n_tags":54 + }, + "760":{ + "name":"Grand Bassin Rond", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8628735, + 2.3292934 + ], + "osm_type":"way", + "osm_id":14037695, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "761":{ + "name":"Fontaine des quatre évêques", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.85087, + 2.3332776 + ], + "osm_type":"way", + "osm_id":40068036, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "762":{ + "name":"Fontaine Saint-Michel", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8532077, + 2.3437213 + ], + "osm_type":"way", + "osm_id":40579862, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "763":{ + "name":"Fontaine des Innocents", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8606368, + 2.3480233 + ], + "osm_type":"way", + "osm_id":52469222, + "attractiveness":16, + "must_do":false, + "n_tags":15 + }, + "764":{ + "name":"Fontaine Molière", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8654941, + 2.336613 + ], + "osm_type":"way", + "osm_id":54097804, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "765":{ + "name":"Grand Bassin Octogonal", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8645216, + 2.3241359 + ], + "osm_type":"way", + "osm_id":54188993, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "766":{ + "name":"Vivier nord", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8631103, + 2.3305632 + ], + "osm_type":"way", + "osm_id":54201241, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "767":{ + "name":"Vivier sud", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8620408, + 2.3297809 + ], + "osm_type":"way", + "osm_id":54201242, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "768":{ + "name":"Fontaine du Vert Bois", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8676331, + 2.3549912 + ], + "osm_type":"way", + "osm_id":54964126, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "769":{ + "name":"Fontaine du Pot-de-Fer", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8430761, + 2.3495033 + ], + "osm_type":"way", + "osm_id":57687072, + "attractiveness":13, + "must_do":false, + "n_tags":12 + }, + "770":{ + "name":"Monument d'Eugène Delacroix", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.84824, + 2.3355377 + ], + "osm_type":"way", + "osm_id":62848407, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "771":{ + "name":"Fontaine de la Roquette", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8556081, + 2.3748544 + ], + "osm_type":"way", + "osm_id":63639456, + "attractiveness":12, + "must_do":false, + "n_tags":11 + }, + "772":{ + "name":"Fontaine Couverte", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.7939121, + 2.3417654 + ], + "osm_type":"way", + "osm_id":63655269, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "773":{ + "name":"Fontaine Miroir d'eau, la Seine et ses affluents", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8668862, + 2.3116341 + ], + "osm_type":"way", + "osm_id":66758129, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "774":{ + "name":"Fontaine du Cirque", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8689623, + 2.3129461 + ], + "osm_type":"way", + "osm_id":67036988, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "775":{ + "name":"Fontaine des Ambassadeurs", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.867351, + 2.3180025 + ], + "osm_type":"way", + "osm_id":67091995, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "776":{ + "name":"Fontaine de la Grille du Coq", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8683812, + 2.3147853 + ], + "osm_type":"way", + "osm_id":67092064, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "777":{ + "name":"Fontaine des Fleuves", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8659921, + 2.3215076 + ], + "osm_type":"way", + "osm_id":72937684, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "778":{ + "name":"Fontaine des Mers", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8649597, + 2.3207519 + ], + "osm_type":"way", + "osm_id":72937685, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "779":{ + "name":"Exèdre sud", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8630819, + 2.3274922 + ], + "osm_type":"way", + "osm_id":96156168, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "780":{ + "name":"Fontaine du Palmier", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8575005, + 2.3472864 + ], + "osm_type":"way", + "osm_id":261092850, + "attractiveness":23, + "must_do":false, + "n_tags":14 + }, + "781":{ + "name":"Fontaine de l'Avril", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.865286, + 2.2967164 + ], + "osm_type":"way", + "osm_id":262367200, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "782":{ + "name":"Fontaine des Polypores", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8383866, + 2.2786394 + ], + "osm_type":"way", + "osm_id":291115567, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "783":{ + "name":"Miroir d'Eau", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8678713, + 2.363198 + ], + "osm_type":"way", + "osm_id":313420244, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "784":{ + "name":"Miroir d'eau", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8183066, + 2.2677813 + ], + "osm_type":"way", + "osm_id":418306479, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "785":{ + "name":"Fontaine Trogneux", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8519972, + 2.3737337 + ], + "osm_type":"way", + "osm_id":435298569, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "786":{ + "name":"Exèdre nord", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8636863, + 2.3279318 + ], + "osm_type":"way", + "osm_id":576724335, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "787":{ + "name":"Fontaine de la Baleine Bleue", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8447209, + 2.3875269 + ], + "osm_type":"way", + "osm_id":661816194, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "788":{ + "name":"Fontaine du Théâtre Français - Nymphe marine", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8636698, + 2.3350052 + ], + "osm_type":"way", + "osm_id":664173645, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "789":{ + "name":"Fontaine du Théâtre Français - Nymphe fluviale", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8637734, + 2.3355665 + ], + "osm_type":"way", + "osm_id":664173647, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "790":{ + "name":"L'embâcle", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8535557, + 2.3332296 + ], + "osm_type":"way", + "osm_id":664223075, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "791":{ + "name":"Fontaine du Bassin Soufflot", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8473998, + 2.3405879 + ], + "osm_type":"way", + "osm_id":685770760, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "792":{ + "name":"La fontaine de la Vierge", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8525605, + 2.3513841 + ], + "osm_type":"way", + "osm_id":948654101, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "793":{ + "name":"Fontaine de Diane", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8659253, + 2.3169593 + ], + "osm_type":"way", + "osm_id":1136105125, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "794":{ + "name":"Fontaine de la Paix", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8495064, + 2.3328966 + ], + "osm_type":"way", + "osm_id":1200013023, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "795":{ + "name":"Fontaine du Marché-aux-Carmes", + "type":{ + "landmark_type":"sightseeing" + }, + "location":[ + 48.8568844, + 2.3368075 + ], + "osm_type":"way", + "osm_id":1200620877, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "796":{ + "name":"Parc de Bercy", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8354139, + 2.3821188 + ], + "osm_type":"way", + "osm_id":4083189, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "797":{ + "name":"Champ de Mars", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.856163, + 2.2978311 + ], + "osm_type":"way", + "osm_id":4208595, + "attractiveness":25, + "must_do":false, + "n_tags":25 + }, + "798":{ + "name":"Jardin des Plantes", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8440393, + 2.3596915 + ], + "osm_type":"way", + "osm_id":4221369, + "attractiveness":22, + "must_do":false, + "n_tags":20 + }, + "799":{ + "name":"Jardin du Palais Royal", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8650062, + 2.3378176 + ], + "osm_type":"way", + "osm_id":4263203, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "800":{ + "name":"Square Samuel Paty", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.850054, + 2.3441227 + ], + "osm_type":"way", + "osm_id":4433291, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "801":{ + "name":"Parc Rodin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8183911, + 2.2588269 + ], + "osm_type":"way", + "osm_id":4788836, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "802":{ + "name":"Parc de l'île Saint-Germain", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8265644, + 2.2552576 + ], + "osm_type":"way", + "osm_id":4791756, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "803":{ + "name":"Parc Henri Barbusse", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.820526, + 2.2666228 + ], + "osm_type":"way", + "osm_id":4810516, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "804":{ + "name":"Parc Saint-Jean-Paul II", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8236965, + 2.2793221 + ], + "osm_type":"way", + "osm_id":4810522, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "805":{ + "name":"Square Maurice Gardette", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8616892, + 2.379081 + ], + "osm_type":"way", + "osm_id":5095262, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "806":{ + "name":"Jardin Lionel Assouad", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8279358, + 2.3228193 + ], + "osm_type":"way", + "osm_id":13611905, + "attractiveness":12, + "must_do":false, + "n_tags":11 + }, + "807":{ + "name":"Jardin de l'Arsenal", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8496559, + 2.368029 + ], + "osm_type":"way", + "osm_id":13862204, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "808":{ + "name":"Parc Suzanne Lenglen", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8305377, + 2.2720184 + ], + "osm_type":"way", + "osm_id":14036411, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "809":{ + "name":"Square Necker", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8395515, + 2.3065295 + ], + "osm_type":"way", + "osm_id":14320763, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "810":{ + "name":"Square de l'Oiseau Lunaire", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8420601, + 2.3053951 + ], + "osm_type":"way", + "osm_id":14321381, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "811":{ + "name":"Square Jean Chérioux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8401918, + 2.3006179 + ], + "osm_type":"way", + "osm_id":14334838, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "812":{ + "name":"Square Yvette-Chauviré", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8450282, + 2.2929506 + ], + "osm_type":"way", + "osm_id":14348928, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "813":{ + "name":"Square Gerbert-Blomet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8398848, + 2.2979896 + ], + "osm_type":"way", + "osm_id":14349366, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "814":{ + "name":"Jardin Bargue-Platon", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8374487, + 2.3105347 + ], + "osm_type":"way", + "osm_id":14349803, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "815":{ + "name":"Square Pierre-Adrien Dalpayrat", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8377201, + 2.3133283 + ], + "osm_type":"way", + "osm_id":14349861, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "816":{ + "name":"Square Castagnary", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8297441, + 2.3047281 + ], + "osm_type":"way", + "osm_id":14351065, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "817":{ + "name":"Square Violet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8440427, + 2.2897951 + ], + "osm_type":"way", + "osm_id":14378202, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "818":{ + "name":"Jardin Caroline Aigle", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8408477, + 2.2793259 + ], + "osm_type":"way", + "osm_id":14455132, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "819":{ + "name":"Jardin des Cévennes", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8435019, + 2.2758519 + ], + "osm_type":"way", + "osm_id":14457178, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "820":{ + "name":"Square du Clos Feuquières", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8367392, + 2.2909774 + ], + "osm_type":"way", + "osm_id":14507873, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "821":{ + "name":"Jardin d'Alleray", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8360274, + 2.3050768 + ], + "osm_type":"way", + "osm_id":14646518, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "822":{ + "name":"Square du Docteur Calmette", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8286953, + 2.2978023 + ], + "osm_type":"way", + "osm_id":15091888, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "823":{ + "name":"Square de la Porte de la Plaine", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8285308, + 2.2931383 + ], + "osm_type":"way", + "osm_id":15091910, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "824":{ + "name":"Square du Cardinal Verdier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8296919, + 2.2940863 + ], + "osm_type":"way", + "osm_id":15091961, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "825":{ + "name":"Square Béla-Bartók", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8510564, + 2.285734 + ], + "osm_type":"way", + "osm_id":15273713, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "826":{ + "name":"Square Jules Ferry", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8676687, + 2.368171 + ], + "osm_type":"way", + "osm_id":15275096, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "827":{ + "name":"Square Samuel de Champlain", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8638735, + 2.3926117 + ], + "osm_type":"way", + "osm_id":15410302, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "828":{ + "name":"Jardin May Picqueray", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.863404, + 2.3715086 + ], + "osm_type":"way", + "osm_id":15459294, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "829":{ + "name":"Jardinet de l'Oeil du Canal", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8622029, + 2.3723267 + ], + "osm_type":"way", + "osm_id":15459327, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "830":{ + "name":"Square Frédéric Bazille", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8302203, + 2.3168887 + ], + "osm_type":"way", + "osm_id":15799349, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "831":{ + "name":"Square Gaston Baty", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8408346, + 2.3236435 + ], + "osm_type":"way", + "osm_id":15800289, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "832":{ + "name":"Square Jacques Antoine", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.834719, + 2.3318056 + ], + "osm_type":"way", + "osm_id":15800393, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "833":{ + "name":"Square Franck Bauer", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8512111, + 2.2957761 + ], + "osm_type":"way", + "osm_id":15807896, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "834":{ + "name":"Square Nicole de Hauteclocque", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8521943, + 2.2943621 + ], + "osm_type":"way", + "osm_id":15807969, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "835":{ + "name":"Square Pablo Casals", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8488726, + 2.2860227 + ], + "osm_type":"way", + "osm_id":15808271, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "836":{ + "name":"Square de la Tour Saint-Jacques", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.857913, + 2.3487608 + ], + "osm_type":"way", + "osm_id":15895172, + "attractiveness":13, + "must_do":false, + "n_tags":12 + }, + "837":{ + "name":"Square des Missions Étrangères", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.852336, + 2.3243813 + ], + "osm_type":"way", + "osm_id":16190318, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "838":{ + "name":"Jardin Villemin - Mahsa Jîna Amini", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8751484, + 2.3618265 + ], + "osm_type":"way", + "osm_id":16405088, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "839":{ + "name":"Square Cambronne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8481127, + 2.3024942 + ], + "osm_type":"way", + "osm_id":16811641, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "840":{ + "name":"Square Garibaldi", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8484407, + 2.3018807 + ], + "osm_type":"way", + "osm_id":16811756, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "841":{ + "name":"Square du Temple- Elie Wiesel", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8644582, + 2.3607535 + ], + "osm_type":"way", + "osm_id":16877048, + "attractiveness":12, + "must_do":false, + "n_tags":9 + }, + "842":{ + "name":"Jardin Atlantique", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8398756, + 2.3189805 + ], + "osm_type":"way", + "osm_id":16923782, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "843":{ + "name":"Esplanade Gaston Monnerville", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.843396, + 2.3369753 + ], + "osm_type":"way", + "osm_id":16924247, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "844":{ + "name":"Square Étienne Jarousse", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8245992, + 2.2921874 + ], + "osm_type":"way", + "osm_id":17040699, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "845":{ + "name":"Parc Frédéric Pic", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8187562, + 2.2817103 + ], + "osm_type":"way", + "osm_id":17244850, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "846":{ + "name":"Square Marie Trintignant", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8530479, + 2.3594008 + ], + "osm_type":"way", + "osm_id":17249266, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "847":{ + "name":"Square de Cluny", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.850769, + 2.3440015 + ], + "osm_type":"way", + "osm_id":19741465, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "848":{ + "name":"Square André Lefèvre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8516815, + 2.3455028 + ], + "osm_type":"way", + "osm_id":20105409, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "849":{ + "name":"Square Jean XXIII", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8523775, + 2.3503406 + ], + "osm_type":"way", + "osm_id":20444455, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "850":{ + "name":"Square de l'Île-de-France", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8521129, + 2.3521834 + ], + "osm_type":"way", + "osm_id":20444469, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "851":{ + "name":"Parc Kellermann", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8184469, + 2.3552745 + ], + "osm_type":"way", + "osm_id":21001359, + "attractiveness":6, + "must_do":false, + "n_tags":4 + }, + "852":{ + "name":"Square du Cardinal-Wyszyński", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8362221, + 2.316288 + ], + "osm_type":"way", + "osm_id":22051814, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "853":{ + "name":"Square René Le Gall", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8330074, + 2.3494626 + ], + "osm_type":"way", + "osm_id":22054912, + "attractiveness":23, + "must_do":false, + "n_tags":23 + }, + "854":{ + "name":"Jardin des Grands-Explorateurs Marco Polo et Robert Cavelier-de-la-Salle", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8416569, + 2.3368712 + ], + "osm_type":"way", + "osm_id":22732250, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "855":{ + "name":"Square Robert Montagne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8422649, + 2.3540627 + ], + "osm_type":"way", + "osm_id":22946834, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "856":{ + "name":"Square Gustave Mesureur", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8337517, + 2.3624196 + ], + "osm_type":"way", + "osm_id":23017558, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "857":{ + "name":"Square Saint-Éloi", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8446194, + 2.3876888 + ], + "osm_type":"way", + "osm_id":23032336, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "858":{ + "name":"Jardin des Trois Cornets", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8367091, + 2.3222733 + ], + "osm_type":"way", + "osm_id":23056192, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "859":{ + "name":"Square Danielle Mitterrand", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8505904, + 2.35003 + ], + "osm_type":"way", + "osm_id":23071565, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "860":{ + "name":"Jardin de l'Abbé Lemire", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8351969, + 2.3143613 + ], + "osm_type":"way", + "osm_id":23097586, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "861":{ + "name":"Jardin du Moulin de la Vierge - Carole Roussopoulos", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8335509, + 2.3135841 + ], + "osm_type":"way", + "osm_id":23114922, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "862":{ + "name":"Jardin Chérifa", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8317728, + 2.3132111 + ], + "osm_type":"way", + "osm_id":23114950, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "863":{ + "name":"Jardin Maudy Piot-Jacomet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8310322, + 2.3142435 + ], + "osm_type":"way", + "osm_id":23114966, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "864":{ + "name":"Place Louise-Losserand", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8311547, + 2.3133491 + ], + "osm_type":"way", + "osm_id":23114968, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "865":{ + "name":"Square Vercingetorix-Jonquilles", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8300284, + 2.3081848 + ], + "osm_type":"way", + "osm_id":23114982, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "866":{ + "name":"Jardin Paturle", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8287901, + 2.3067783 + ], + "osm_type":"way", + "osm_id":23115026, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "867":{ + "name":"Jardin du Père Plumier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8336742, + 2.3121798 + ], + "osm_type":"way", + "osm_id":23115921, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "868":{ + "name":"Jardin Henri et Achille Duchène", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8321861, + 2.3101269 + ], + "osm_type":"way", + "osm_id":23115927, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "869":{ + "name":"Jardin Maurice Noguès", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8252894, + 2.3049173 + ], + "osm_type":"way", + "osm_id":23123595, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "870":{ + "name":"Square Julia Bartet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8263439, + 2.3036844 + ], + "osm_type":"way", + "osm_id":23123602, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "871":{ + "name":"Mail de Bièvre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8296832, + 2.3448747 + ], + "osm_type":"way", + "osm_id":23163227, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "872":{ + "name":"Jardin Marie-Thérèse Auffray", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8263714, + 2.3378862 + ], + "osm_type":"way", + "osm_id":23203001, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "873":{ + "name":"Jardin du Moulin de la Pointe - Paul Quilès", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8209299, + 2.3574747 + ], + "osm_type":"way", + "osm_id":23245272, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "874":{ + "name":"Jardin Juan Miro", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8202299, + 2.360582 + ], + "osm_type":"way", + "osm_id":23245275, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "875":{ + "name":"Square d'Estienne d'Orves", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8767521, + 2.3316112 + ], + "osm_type":"way", + "osm_id":23272397, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "876":{ + "name":"Jardin Tino Rossi - Musée de la Sculpture en Plein Air", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8474186, + 2.3607371 + ], + "osm_type":"way", + "osm_id":23644147, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "877":{ + "name":"Jardin des Mères et Grands-Mères de la Place de Mai", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8455472, + 2.2766187 + ], + "osm_type":"way", + "osm_id":23692345, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "878":{ + "name":"Square Roger-Stéphane", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.852784, + 2.3280405 + ], + "osm_type":"way", + "osm_id":23736351, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "879":{ + "name":"Jardin du Monument aux Mères Françaises", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8200436, + 2.3559974 + ], + "osm_type":"way", + "osm_id":23782577, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "880":{ + "name":"Square Hélène Boucher", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8184709, + 2.3603333 + ], + "osm_type":"way", + "osm_id":23782701, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "881":{ + "name":"Square Robert Bajac", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8185109, + 2.358838 + ], + "osm_type":"way", + "osm_id":23782719, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "882":{ + "name":"Square Émile Chautemps", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8671737, + 2.3538184 + ], + "osm_type":"way", + "osm_id":23981951, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "883":{ + "name":"Square Rosalind-Franklin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8392156, + 2.2827926 + ], + "osm_type":"way", + "osm_id":24000240, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "884":{ + "name":"Square Héloïse et Abélard", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8313645, + 2.3701044 + ], + "osm_type":"way", + "osm_id":24241484, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "885":{ + "name":"Square de l'Hopital Vaugirard", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8346214, + 2.2931405 + ], + "osm_type":"way", + "osm_id":24277437, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "886":{ + "name":"Jardin d'Alleray-Procession", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8367295, + 2.3083829 + ], + "osm_type":"way", + "osm_id":24303504, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "887":{ + "name":"Square d'Alleray Labrouste-Saint-Amand", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8358496, + 2.3084018 + ], + "osm_type":"way", + "osm_id":24303537, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "888":{ + "name":"Jardin Berthe-Morisot", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8260662, + 2.3751067 + ], + "osm_type":"way", + "osm_id":24325918, + "attractiveness":9, + "must_do":false, + "n_tags":7 + }, + "889":{ + "name":"Square Thomas Jefferson", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8679736, + 2.2942228 + ], + "osm_type":"way", + "osm_id":24928306, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "890":{ + "name":"Square Paul Gilot", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.844065, + 2.2804391 + ], + "osm_type":"way", + "osm_id":25370787, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "891":{ + "name":"Nouvelle Place Dépinoy", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8218611, + 2.3063627 + ], + "osm_type":"way", + "osm_id":25415932, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "892":{ + "name":"Jardin de la Place Souham", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8287537, + 2.3678308 + ], + "osm_type":"way", + "osm_id":25422948, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "893":{ + "name":"Square Léo Ferré", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8496849, + 2.3806486 + ], + "osm_type":"way", + "osm_id":25423021, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "894":{ + "name":"Jardin du Centenaire de Malakoff", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8227626, + 2.3086604 + ], + "osm_type":"way", + "osm_id":25458658, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "895":{ + "name":"Square du Sentier du Tir", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8232916, + 2.306801 + ], + "osm_type":"way", + "osm_id":25490900, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "896":{ + "name":"Square Carlo Sarabezolles", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8372707, + 2.27273 + ], + "osm_type":"way", + "osm_id":25848058, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "897":{ + "name":"Square Claude Nicolas Ledoux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8343019, + 2.3315563 + ], + "osm_type":"way", + "osm_id":25861852, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "898":{ + "name":"Square Federico-García-Lorca", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8547442, + 2.3531977 + ], + "osm_type":"way", + "osm_id":25992413, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "899":{ + "name":"Square Jean Cocteau", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8387105, + 2.2804997 + ], + "osm_type":"way", + "osm_id":26203118, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "900":{ + "name":"Parc Léon Salagnac", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8132171, + 2.2920616 + ], + "osm_type":"way", + "osm_id":26224563, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "901":{ + "name":"Square Louvois", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8679732, + 2.3375739 + ], + "osm_type":"way", + "osm_id":26277958, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "902":{ + "name":"Jardin Toussaint Louverture", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8658741, + 2.3882745 + ], + "osm_type":"way", + "osm_id":26580004, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "903":{ + "name":"Square Laurent Prache", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8542571, + 2.333953 + ], + "osm_type":"way", + "osm_id":26583593, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "904":{ + "name":"Square Jacques Grynberg", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8636384, + 2.3889992 + ], + "osm_type":"way", + "osm_id":26799003, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "905":{ + "name":"Square Eugène Varlin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.878076, + 2.3658886 + ], + "osm_type":"way", + "osm_id":26954399, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "906":{ + "name":"Square Henri Christiné", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8779611, + 2.3661926 + ], + "osm_type":"way", + "osm_id":26954406, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "907":{ + "name":"Parc Henri Matisse", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7998406, + 2.2926914 + ], + "osm_type":"way", + "osm_id":27521401, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "908":{ + "name":"Parc des Sarments", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8015823, + 2.2896212 + ], + "osm_type":"way", + "osm_id":27521523, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "909":{ + "name":"Square Théophile Gautier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8476565, + 2.2703201 + ], + "osm_type":"way", + "osm_id":27611972, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "910":{ + "name":"Jardin James Joyce", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8360425, + 2.3736293 + ], + "osm_type":"way", + "osm_id":29023035, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "911":{ + "name":"Jardin Cyprian-Norwid", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8282741, + 2.3772735 + ], + "osm_type":"way", + "osm_id":29064338, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "912":{ + "name":"Jardin Brassaï", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8286995, + 2.3495963 + ], + "osm_type":"way", + "osm_id":29275665, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "913":{ + "name":"Jardin Gabriële Buffet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8707702, + 2.3832889 + ], + "osm_type":"way", + "osm_id":29386804, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "914":{ + "name":"Square Aristide Cavaillé-Coll", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8783688, + 2.3517697 + ], + "osm_type":"way", + "osm_id":29700227, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "915":{ + "name":"La Jardinère", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8520789, + 2.3911491 + ], + "osm_type":"way", + "osm_id":29733337, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "916":{ + "name":"Parc Pablo Neruda", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7912924, + 2.3636088 + ], + "osm_type":"way", + "osm_id":29850506, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "917":{ + "name":"Jardin des rues Maronites-Pressoir", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8684325, + 2.3835877 + ], + "osm_type":"way", + "osm_id":29857475, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "918":{ + "name":"Square de la place Etienne Pernet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.84287, + 2.2923037 + ], + "osm_type":"way", + "osm_id":30781734, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "919":{ + "name":"Jardin Françoise Héritier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8339261, + 2.3196835 + ], + "osm_type":"way", + "osm_id":30904451, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "920":{ + "name":"Square Georges Lamarque", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8347523, + 2.3305611 + ], + "osm_type":"way", + "osm_id":30992402, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "921":{ + "name":"Parc du 8 mai 1945", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.797396, + 2.3523969 + ], + "osm_type":"way", + "osm_id":32622250, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "922":{ + "name":"Square Barye", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8499067, + 2.3597039 + ], + "osm_type":"way", + "osm_id":33189664, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "923":{ + "name":"Square Normandie-Niémen", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8188643, + 2.2942911 + ], + "osm_type":"way", + "osm_id":33636518, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "924":{ + "name":"Parc de Choisy", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.828072, + 2.3602842 + ], + "osm_type":"way", + "osm_id":34056444, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "925":{ + "name":"Square Pierre de Gaulle", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8509647, + 2.3132006 + ], + "osm_type":"way", + "osm_id":34107132, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "926":{ + "name":"Parc André Malraux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7982143, + 2.2801887 + ], + "osm_type":"way", + "osm_id":35003702, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "927":{ + "name":"Jardin Yacine-Kateb", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8346679, + 2.3562018 + ], + "osm_type":"way", + "osm_id":35329502, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "928":{ + "name":"Jardin de la Raffinerie Say", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.83198, + 2.3615094 + ], + "osm_type":"way", + "osm_id":35341750, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "929":{ + "name":"Parc Renaudel", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8130022, + 2.3071681 + ], + "osm_type":"way", + "osm_id":36071906, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "930":{ + "name":"Parc de la Maison Blanche", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8026411, + 2.2679174 + ], + "osm_type":"way", + "osm_id":37655575, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "931":{ + "name":"Square du capitaine Alfred Dreyfus", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8247797, + 2.272543 + ], + "osm_type":"way", + "osm_id":38821120, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "932":{ + "name":"Jardin panoramique du Coteau", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7908338, + 2.3430107 + ], + "osm_type":"way", + "osm_id":39213847, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "933":{ + "name":"Parc Paul Vaillant-Couturier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8029378, + 2.3304951 + ], + "osm_type":"way", + "osm_id":39523874, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "934":{ + "name":"Jardin de la Place du Docteur Navarre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8278872, + 2.3662216 + ], + "osm_type":"way", + "osm_id":40000050, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "935":{ + "name":"Square Eugène Thomas", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8411562, + 2.3876283 + ], + "osm_type":"way", + "osm_id":40496627, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "936":{ + "name":"Jardin Pablo Picasso", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8123595, + 2.34568 + ], + "osm_type":"way", + "osm_id":41856667, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "937":{ + "name":"Square de Verdun", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8195016, + 2.301372 + ], + "osm_type":"way", + "osm_id":42207923, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "938":{ + "name":"Place des Vins de France", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8323617, + 2.3874695 + ], + "osm_type":"way", + "osm_id":42448013, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "939":{ + "name":"Parc Georges Brassens", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8314646, + 2.2998427 + ], + "osm_type":"way", + "osm_id":43324060, + "attractiveness":13, + "must_do":false, + "n_tags":12 + }, + "940":{ + "name":"Jardin Audigeois", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7914492, + 2.3910521 + ], + "osm_type":"way", + "osm_id":44204005, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "941":{ + "name":"Square Ozanam", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8433483, + 2.3274308 + ], + "osm_type":"way", + "osm_id":50385010, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "942":{ + "name":"Square Saint-Laurent", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8745269, + 2.3581994 + ], + "osm_type":"way", + "osm_id":52525931, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "943":{ + "name":"Place Dauphine", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8564818, + 2.3425186 + ], + "osm_type":"way", + "osm_id":53567907, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "944":{ + "name":"Square du Vert Galant", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8574038, + 2.3402065 + ], + "osm_type":"way", + "osm_id":53570787, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "945":{ + "name":"Promenade Pereire", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8791438, + 2.2864474 + ], + "osm_type":"way", + "osm_id":53746544, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "946":{ + "name":"Jardin des Tuileries", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8636681, + 2.3266855 + ], + "osm_type":"way", + "osm_id":53820452, + "attractiveness":23, + "must_do":false, + "n_tags":23 + }, + "947":{ + "name":"Jardinet place du lieutenant Henri-Karcher", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8632971, + 2.3399434 + ], + "osm_type":"way", + "osm_id":53826866, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "948":{ + "name":"Square Jacques Bidault", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8698572, + 2.3499616 + ], + "osm_type":"way", + "osm_id":55263339, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "949":{ + "name":"Square Charles Victor Langlois", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8586993, + 2.3580083 + ], + "osm_type":"way", + "osm_id":55848929, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "950":{ + "name":"Square Georges-Cain", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8580274, + 2.3627026 + ], + "osm_type":"way", + "osm_id":57832958, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "951":{ + "name":"Square François Mitterrand", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8142238, + 2.3634047 + ], + "osm_type":"way", + "osm_id":61100649, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "952":{ + "name":"Parc Philippe Pinel", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8116737, + 2.3554131 + ], + "osm_type":"way", + "osm_id":61102770, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "953":{ + "name":"Square Alban Satragne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8755522, + 2.3552823 + ], + "osm_type":"way", + "osm_id":61406614, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "954":{ + "name":"Jardin Baudricourt", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8230915, + 2.3643093 + ], + "osm_type":"way", + "osm_id":62092170, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "955":{ + "name":"Square Gabriel Pierné", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8569321, + 2.336828 + ], + "osm_type":"way", + "osm_id":62238366, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "956":{ + "name":"Square Félix Desruelles", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8536974, + 2.3345069 + ], + "osm_type":"way", + "osm_id":62287123, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "957":{ + "name":"Square Honoré Champion", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8573993, + 2.3362477 + ], + "osm_type":"way", + "osm_id":62297777, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "958":{ + "name":"Square Francis Poulenc", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8495279, + 2.3376503 + ], + "osm_type":"way", + "osm_id":62522583, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "959":{ + "name":"Jardin de l'Hôpital Saint-Louis", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8732979, + 2.3675483 + ], + "osm_type":"way", + "osm_id":63198315, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "960":{ + "name":"Square Erik Satie", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8022155, + 2.3369459 + ], + "osm_type":"way", + "osm_id":63841851, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "961":{ + "name":"Square Jean Morin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8386537, + 2.3889151 + ], + "osm_type":"way", + "osm_id":65237132, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "962":{ + "name":"Square Taras Chevtchenko", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8545907, + 2.3309327 + ], + "osm_type":"way", + "osm_id":66608003, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "963":{ + "name":"Square Marcel Pagnol", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8759354, + 2.3203969 + ], + "osm_type":"way", + "osm_id":67725863, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "964":{ + "name":"Place du Guatémala", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8765224, + 2.3182782 + ], + "osm_type":"way", + "osm_id":68507724, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "965":{ + "name":"Jardin de l’Hôtel Salomon de Rothschild", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8753193, + 2.3027355 + ], + "osm_type":"way", + "osm_id":68995097, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "966":{ + "name":"Parc départemental Maurice Thorez", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.813503, + 2.3873173 + ], + "osm_type":"way", + "osm_id":69218979, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "967":{ + "name":"Jardin de la Dalle d'Ivry", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8225832, + 2.3649019 + ], + "osm_type":"way", + "osm_id":71213551, + "attractiveness":3, + "must_do":false, + "n_tags":2 + }, + "968":{ + "name":"Jardin de la Dalle d'Ivry", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8220431, + 2.3642664 + ], + "osm_type":"way", + "osm_id":71213554, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "969":{ + "name":"Promenade des petits bois", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8143072, + 2.379995 + ], + "osm_type":"way", + "osm_id":71900172, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "970":{ + "name":"Jardin Choisy Caillaux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8226415, + 2.3622254 + ], + "osm_type":"way", + "osm_id":73545020, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "971":{ + "name":"Square des Recollets", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8737963, + 2.363602 + ], + "osm_type":"way", + "osm_id":76910069, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "972":{ + "name":"Square Frédérick Lemaître", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8693255, + 2.3668597 + ], + "osm_type":"way", + "osm_id":76910095, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "973":{ + "name":"Square des Recollets", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8736579, + 2.3633289 + ], + "osm_type":"way", + "osm_id":76910102, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "974":{ + "name":"Jardin des Grands Moulins - Abbé Pierre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8289647, + 2.3792433 + ], + "osm_type":"way", + "osm_id":77607229, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "975":{ + "name":"Jardin des Écoles", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.830045, + 2.3796568 + ], + "osm_type":"way", + "osm_id":77646233, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "976":{ + "name":"Square Samuel Rousseau", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.859034, + 2.3197078 + ], + "osm_type":"way", + "osm_id":77708549, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "977":{ + "name":"Parc Juliette Dodu", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.875517, + 2.3694089 + ], + "osm_type":"way", + "osm_id":77727267, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "978":{ + "name":"Jardin Hector Malot", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8471031, + 2.3769063 + ], + "osm_type":"way", + "osm_id":78146247, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "979":{ + "name":"Coulée verte René-Dumont", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8494077, + 2.3715981 + ], + "osm_type":"way", + "osm_id":78148984, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "980":{ + "name":"Square Thomas Jefferson", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8683188, + 2.2930354 + ], + "osm_type":"way", + "osm_id":79638934, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "981":{ + "name":"Place du Maréchal de Lattre de Tassigny", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8716219, + 2.2749197 + ], + "osm_type":"way", + "osm_id":81041449, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "982":{ + "name":"Square Robert Schuman", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8690899, + 2.2727856 + ], + "osm_type":"way", + "osm_id":81130668, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "983":{ + "name":"Jardin du Général Anselin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8687422, + 2.2723416 + ], + "osm_type":"way", + "osm_id":81132628, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "984":{ + "name":"Jardin Maurice Barlier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8689108, + 2.2741672 + ], + "osm_type":"way", + "osm_id":81208044, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "985":{ + "name":"Square Lamartine", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.864897, + 2.2751646 + ], + "osm_type":"way", + "osm_id":81305633, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "986":{ + "name":"Square Alexandre 1er de Yougoslavie", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8636323, + 2.2682044 + ], + "osm_type":"way", + "osm_id":82325107, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "987":{ + "name":"Square de Yorktown", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8615851, + 2.2864292 + ], + "osm_type":"way", + "osm_id":82683449, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "988":{ + "name":"Square des Combattants d'Afrique du Nord", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8193787, + 2.3242863 + ], + "osm_type":"way", + "osm_id":83290878, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "989":{ + "name":"Square des Écrivains Combattants Morts pour la France", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8596268, + 2.2653877 + ], + "osm_type":"way", + "osm_id":83664978, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "990":{ + "name":"Parc de Passy", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8557318, + 2.2836801 + ], + "osm_type":"way", + "osm_id":83862956, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "991":{ + "name":"Square Henri Collet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8519099, + 2.2752741 + ], + "osm_type":"way", + "osm_id":83934819, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "992":{ + "name":"Square Tolstoï", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8530339, + 2.2611555 + ], + "osm_type":"way", + "osm_id":85891809, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "993":{ + "name":"Square Henry Bataille", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8552043, + 2.2625547 + ], + "osm_type":"way", + "osm_id":85891822, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "994":{ + "name":"Square Alfred Capus", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8509003, + 2.2599091 + ], + "osm_type":"way", + "osm_id":85893149, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "995":{ + "name":"Square Malherbe", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8493697, + 2.2587931 + ], + "osm_type":"way", + "osm_id":85900099, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "996":{ + "name":"Square Racan", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8498167, + 2.2590625 + ], + "osm_type":"way", + "osm_id":85900108, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "997":{ + "name":"Jardin des Poètes", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8474633, + 2.2555879 + ], + "osm_type":"way", + "osm_id":86260472, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "998":{ + "name":"Jardin des serres d’Auteuil", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.846698, + 2.2526288 + ], + "osm_type":"way", + "osm_id":86260473, + "attractiveness":21, + "must_do":false, + "n_tags":21 + }, + "999":{ + "name":"Square du 19 Mars 1962", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8092418, + 2.3425661 + ], + "osm_type":"way", + "osm_id":86355947, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1000":{ + "name":"Jardin public de l'Observatoire de Paris", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8351004, + 2.3367387 + ], + "osm_type":"way", + "osm_id":87334036, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1001":{ + "name":"Square de la Bresse", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8373075, + 2.2625642 + ], + "osm_type":"way", + "osm_id":88298212, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1002":{ + "name":"Jardin de l'Église Saint-Éloi", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.844863, + 2.3888016 + ], + "osm_type":"way", + "osm_id":93903779, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1003":{ + "name":"Place des Onze Arpents", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7911186, + 2.3521076 + ], + "osm_type":"way", + "osm_id":94452182, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1004":{ + "name":"Cour Pasteur", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8412766, + 2.3446263 + ], + "osm_type":"way", + "osm_id":95092958, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1005":{ + "name":"Cour aux Ernest", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8418993, + 2.3448331 + ], + "osm_type":"way", + "osm_id":95195271, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1006":{ + "name":"Square Auguste Mariette-Pacha", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8491483, + 2.345955 + ], + "osm_type":"way", + "osm_id":97602191, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1007":{ + "name":"Square Michel Foucault", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8493381, + 2.3452413 + ], + "osm_type":"way", + "osm_id":97602192, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1008":{ + "name":"Square Yves Coppens", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8489867, + 2.346343 + ], + "osm_type":"way", + "osm_id":97602197, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1009":{ + "name":"Square du Tchad", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8464571, + 2.2555371 + ], + "osm_type":"way", + "osm_id":99701607, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1010":{ + "name":"Square Théodore Monod", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8387444, + 2.3536989 + ], + "osm_type":"way", + "osm_id":100183214, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "1011":{ + "name":"Place Salvador Allende", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8577775, + 2.3104707 + ], + "osm_type":"way", + "osm_id":103196817, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1012":{ + "name":"Square Santiago du Chili", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8575867, + 2.3107745 + ], + "osm_type":"way", + "osm_id":103214099, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "1013":{ + "name":"Square de l'Abbé Esquerré", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8503173, + 2.3136601 + ], + "osm_type":"way", + "osm_id":103344111, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1014":{ + "name":"Parc Jean Moulin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.813228, + 2.3269044 + ], + "osm_type":"way", + "osm_id":105728837, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1015":{ + "name":"Square Alex Biscarre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8785098, + 2.33667 + ], + "osm_type":"way", + "osm_id":107257915, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "1016":{ + "name":"Jardin Amadou Hampâté Bâ", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8775562, + 2.368215 + ], + "osm_type":"way", + "osm_id":112705281, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "1017":{ + "name":"Square Jules Verne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.870299, + 2.3751231 + ], + "osm_type":"way", + "osm_id":113735650, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "1018":{ + "name":"Square Marcel Rajman", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8603366, + 2.3852102 + ], + "osm_type":"way", + "osm_id":114992323, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1019":{ + "name":"Square de la Roquette", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.859612, + 2.3846977 + ], + "osm_type":"way", + "osm_id":114992325, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "1020":{ + "name":"Jardin de l'Intendant", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8544737, + 2.3109127 + ], + "osm_type":"way", + "osm_id":115022783, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "1021":{ + "name":"Jardinet de l'Oeil du Canal", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8622353, + 2.3721827 + ], + "osm_type":"way", + "osm_id":115024601, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1022":{ + "name":"Jardin du Cloître", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8360411, + 2.3173742 + ], + "osm_type":"way", + "osm_id":115643938, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1023":{ + "name":"Square Francis Lemarque", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8560581, + 2.3767898 + ], + "osm_type":"way", + "osm_id":115671979, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1024":{ + "name":"Jardin Louis Majorelle", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8521162, + 2.3812457 + ], + "osm_type":"way", + "osm_id":115804143, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "1025":{ + "name":"Square Raoul Nordling", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8526519, + 2.3815603 + ], + "osm_type":"way", + "osm_id":115804160, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "1026":{ + "name":"Square Duranton", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8411342, + 2.2856427 + ], + "osm_type":"way", + "osm_id":116823214, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1027":{ + "name":"Jardin de la Folie Titon", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.852132, + 2.3857036 + ], + "osm_type":"way", + "osm_id":117887012, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "1028":{ + "name":"Jardin Émile Gallé", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8539515, + 2.3908187 + ], + "osm_type":"way", + "osm_id":117990783, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1029":{ + "name":"Square des Chamaillards", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8253516, + 2.3692146 + ], + "osm_type":"way", + "osm_id":118767352, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1030":{ + "name":"Square Albert Tournaire", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8452398, + 2.3678042 + ], + "osm_type":"way", + "osm_id":118852153, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1031":{ + "name":"Square Trousseau", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8504057, + 2.3771319 + ], + "osm_type":"way", + "osm_id":118878250, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1032":{ + "name":"Square Yves Klein", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8390534, + 2.3311747 + ], + "osm_type":"way", + "osm_id":122389763, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1033":{ + "name":"Square de Macerata", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8263334, + 2.2701582 + ], + "osm_type":"way", + "osm_id":124352831, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1034":{ + "name":"Jardin du Luxembourg", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8467137, + 2.3363649 + ], + "osm_type":"way", + "osm_id":128206209, + "attractiveness":23, + "must_do":false, + "n_tags":23 + }, + "1035":{ + "name":"Square Frédéric Rossif", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8435465, + 2.3852893 + ], + "osm_type":"way", + "osm_id":129148726, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1036":{ + "name":"Jardinières angles des rues Daumesnil - Charenton", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8423892, + 2.3858724 + ], + "osm_type":"way", + "osm_id":133881479, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1037":{ + "name":"Jardin Biopark", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8277592, + 2.3828761 + ], + "osm_type":"way", + "osm_id":141048432, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1038":{ + "name":"Square Georges Duhamel", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8320347, + 2.3782213 + ], + "osm_type":"way", + "osm_id":141048438, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1039":{ + "name":"Square Elstree-Borehamwood", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7948159, + 2.2926152 + ], + "osm_type":"way", + "osm_id":145346313, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1040":{ + "name":"Jardin rue des Couronnes", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8710124, + 2.3875946 + ], + "osm_type":"way", + "osm_id":149164759, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1041":{ + "name":"Jardin Le Vallon", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7965954, + 2.3338809 + ], + "osm_type":"way", + "osm_id":150697498, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1042":{ + "name":"Parc André Citroën", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8413065, + 2.2746384 + ], + "osm_type":"way", + "osm_id":151567211, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1043":{ + "name":"Square Pierre Larousse", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8226959, + 2.3026932 + ], + "osm_type":"way", + "osm_id":153410232, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1044":{ + "name":"Jardins Abbé Pierre - Grands Moulins", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8292665, + 2.3801404 + ], + "osm_type":"way", + "osm_id":154754263, + "attractiveness":15, + "must_do":false, + "n_tags":14 + }, + "1045":{ + "name":"Parc de Belleville", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8715484, + 2.3849526 + ], + "osm_type":"way", + "osm_id":154892778, + "attractiveness":12, + "must_do":false, + "n_tags":11 + }, + "1046":{ + "name":"Jardin Paul Nizan", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.822618, + 2.357489 + ], + "osm_type":"way", + "osm_id":157953364, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "1047":{ + "name":"Jardin Nelson Mandela", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8626235, + 2.344487 + ], + "osm_type":"way", + "osm_id":159103475, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "1048":{ + "name":"Square d'Alleray La Quintinie", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8372404, + 2.3042256 + ], + "osm_type":"way", + "osm_id":160276699, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1049":{ + "name":"Square Rue de la Paix", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8135059, + 2.3422228 + ], + "osm_type":"way", + "osm_id":163755259, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1050":{ + "name":"Îlot Vert", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8137637, + 2.3416716 + ], + "osm_type":"way", + "osm_id":163755260, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1051":{ + "name":"Square Jean-Claude Nicolas Forestier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8192571, + 2.3478177 + ], + "osm_type":"way", + "osm_id":165814454, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1052":{ + "name":"Square Jean Moulin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8239254, + 2.3187109 + ], + "osm_type":"way", + "osm_id":166054977, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "1053":{ + "name":"Jardin Monique Wittig", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.828303, + 2.3054034 + ], + "osm_type":"way", + "osm_id":166054978, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1054":{ + "name":"Square Marin la Meslée", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8346932, + 2.2839353 + ], + "osm_type":"way", + "osm_id":167103323, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1055":{ + "name":"Place de Chateaubriand", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7910523, + 2.3245137 + ], + "osm_type":"way", + "osm_id":170524032, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1056":{ + "name":"Parc des Buttes-Chaumont", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8795426, + 2.383804 + ], + "osm_type":"way", + "osm_id":173204460, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "1057":{ + "name":"Jardin de l'hôtel-Lamoignon - Mark-Ashton", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8568463, + 2.3622093 + ], + "osm_type":"way", + "osm_id":175660392, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1058":{ + "name":"Square Georges Pompidou", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7910152, + 2.2871767 + ], + "osm_type":"way", + "osm_id":181439037, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1059":{ + "name":"Jardin sous-lieutenante Eugénie-Malika Djendi", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8382704, + 2.2769284 + ], + "osm_type":"way", + "osm_id":182761369, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1060":{ + "name":"Jardin de l'ancien hôpital Boucicaut", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8420212, + 2.2840694 + ], + "osm_type":"way", + "osm_id":183534028, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1061":{ + "name":"Jardin de la Montgolfière", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8269975, + 2.3539479 + ], + "osm_type":"way", + "osm_id":183628959, + "attractiveness":9, + "must_do":false, + "n_tags":7 + }, + "1062":{ + "name":"Espace vert Robespierre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8100776, + 2.3842533 + ], + "osm_type":"way", + "osm_id":194079368, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1063":{ + "name":"Square Léo Malet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8049331, + 2.2953604 + ], + "osm_type":"way", + "osm_id":196944696, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1064":{ + "name":"Square Robert Schuman", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8179119, + 2.3205791 + ], + "osm_type":"way", + "osm_id":197540468, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "1065":{ + "name":"Square de la République", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8155699, + 2.3185524 + ], + "osm_type":"way", + "osm_id":200280035, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "1066":{ + "name":"Square du Serment de Koufra", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8215755, + 2.3231347 + ], + "osm_type":"way", + "osm_id":202297815, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1067":{ + "name":"Jardin de la Roseraie", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8184022, + 2.3220178 + ], + "osm_type":"way", + "osm_id":202541159, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1068":{ + "name":"Parc du Coteau", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7895125, + 2.3856342 + ], + "osm_type":"way", + "osm_id":203768953, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1069":{ + "name":"Jardin Michel Germa", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7935629, + 2.3871403 + ], + "osm_type":"way", + "osm_id":205895284, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1070":{ + "name":"Square Jules Coutant", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.81281, + 2.3884092 + ], + "osm_type":"way", + "osm_id":207598649, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "1071":{ + "name":"Jardin de la Raffinerie Say", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8312818, + 2.3613845 + ], + "osm_type":"way", + "osm_id":209768434, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1072":{ + "name":"Square Florence Blumenthal", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.827655, + 2.3673477 + ], + "osm_type":"way", + "osm_id":211636671, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1073":{ + "name":"Parc Départemental des Hautes Bruyères", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7896719, + 2.3492176 + ], + "osm_type":"way", + "osm_id":211971688, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1074":{ + "name":"Théâtre en plein air", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8033151, + 2.2552342 + ], + "osm_type":"way", + "osm_id":213862441, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1075":{ + "name":"Jardin Anna-Marly", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8250675, + 2.3031369 + ], + "osm_type":"way", + "osm_id":218842377, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1076":{ + "name":"Jardin des Deux Moulins", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8304951, + 2.3579059 + ], + "osm_type":"way", + "osm_id":220011097, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1077":{ + "name":"Square Pasteur", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8045082, + 2.367116 + ], + "osm_type":"way", + "osm_id":220949556, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1078":{ + "name":"Parc du Puits Saint-Étienne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7962826, + 2.3038995 + ], + "osm_type":"way", + "osm_id":223143742, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1079":{ + "name":"Parc Richelieu", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7962998, + 2.3053623 + ], + "osm_type":"way", + "osm_id":223143743, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1080":{ + "name":"Square Robert Doisneau", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8129247, + 2.3231532 + ], + "osm_type":"way", + "osm_id":223387716, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "1081":{ + "name":"Square Galloy", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8121297, + 2.3516714 + ], + "osm_type":"way", + "osm_id":224844048, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1082":{ + "name":"Square Saint-Etienne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8002846, + 2.2676843 + ], + "osm_type":"way", + "osm_id":227573030, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1083":{ + "name":"Jardin Périer-Ginoux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8133329, + 2.3195216 + ], + "osm_type":"way", + "osm_id":227933855, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "1084":{ + "name":"Le viaduc des arts", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8463235, + 2.3778508 + ], + "osm_type":"way", + "osm_id":228005266, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1085":{ + "name":"Jardin de la Marne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8131871, + 2.3039034 + ], + "osm_type":"way", + "osm_id":228990953, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1086":{ + "name":"Promenade d'Australie", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8562709, + 2.2897202 + ], + "osm_type":"way", + "osm_id":230125065, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1087":{ + "name":"Square des Guipons", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8049896, + 2.3627337 + ], + "osm_type":"way", + "osm_id":232113937, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1088":{ + "name":"Parc Jean-Loup Metton", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8167993, + 2.3145947 + ], + "osm_type":"way", + "osm_id":236116735, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1089":{ + "name":"fruitier Paris", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8514171, + 2.2950533 + ], + "osm_type":"way", + "osm_id":236368242, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1090":{ + "name":"Square René Viviani", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8521281, + 2.3474875 + ], + "osm_type":"way", + "osm_id":236820131, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "1091":{ + "name":"Square de l'Avenue de la Marne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8145023, + 2.3050789 + ], + "osm_type":"way", + "osm_id":240667817, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "1092":{ + "name":"Square Madeleine Tribolati", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8771593, + 2.3643554 + ], + "osm_type":"way", + "osm_id":241898171, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "1093":{ + "name":"Jardin Basch-Floquet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8116174, + 2.3198755 + ], + "osm_type":"way", + "osm_id":241953496, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "1094":{ + "name":"Square Jean Moulin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8161837, + 2.2980211 + ], + "osm_type":"way", + "osm_id":250800636, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1095":{ + "name":"Promenade du Quai André Citroën", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8463173, + 2.2778146 + ], + "osm_type":"way", + "osm_id":253670807, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "1096":{ + "name":"Square Charles de Gaulle", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8163781, + 2.3277485 + ], + "osm_type":"way", + "osm_id":256327425, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1097":{ + "name":"Square du Petit Arpajonnais", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8177734, + 2.3307567 + ], + "osm_type":"way", + "osm_id":256336307, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1098":{ + "name":"Square Élisa Borey", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8665355, + 2.3904461 + ], + "osm_type":"way", + "osm_id":256437620, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1099":{ + "name":"Ferme urbaine de Malakoff", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8195982, + 2.2994207 + ], + "osm_type":"way", + "osm_id":258962402, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1100":{ + "name":"Square Marc Lanvin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8194461, + 2.2983269 + ], + "osm_type":"way", + "osm_id":258962403, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1101":{ + "name":"Jardin des Colonnes - Ricardo Bofill", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8363205, + 2.3181423 + ], + "osm_type":"way", + "osm_id":261450265, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1102":{ + "name":"Square Jean Moulin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8044611, + 2.2903865 + ], + "osm_type":"way", + "osm_id":263072771, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1103":{ + "name":"Square Eugène Féburier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8167205, + 2.2947625 + ], + "osm_type":"way", + "osm_id":265281962, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1104":{ + "name":"Square Pierre Valette", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.816886, + 2.302319 + ], + "osm_type":"way", + "osm_id":266377593, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1105":{ + "name":"Mail Maurice Thorez", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8176404, + 2.2995984 + ], + "osm_type":"way", + "osm_id":268661677, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1106":{ + "name":"Parc François Mitterrand", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7907295, + 2.3105472 + ], + "osm_type":"way", + "osm_id":272170189, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1107":{ + "name":"La Petite Ceinture du 20e", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8695565, + 2.3888451 + ], + "osm_type":"way", + "osm_id":272547170, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1108":{ + "name":"Espace vert Marat", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8091353, + 2.3861241 + ], + "osm_type":"way", + "osm_id":276210118, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1109":{ + "name":"La Petite Ceinture du 15e", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8343945, + 2.2852377 + ], + "osm_type":"way", + "osm_id":277811053, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1110":{ + "name":"Square Marius-Constant", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8434279, + 2.3504778 + ], + "osm_type":"way", + "osm_id":281323266, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1111":{ + "name":"Promenade du Fort", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8049975, + 2.3909128 + ], + "osm_type":"way", + "osm_id":282933004, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1112":{ + "name":"Square Marie-Poussepin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8399096, + 2.2916834 + ], + "osm_type":"way", + "osm_id":289189169, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1113":{ + "name":"Square Georges Sarre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8660297, + 2.3806445 + ], + "osm_type":"way", + "osm_id":289451440, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1114":{ + "name":"Square Georges Sarre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8655215, + 2.3810309 + ], + "osm_type":"way", + "osm_id":290250458, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1115":{ + "name":"Jardin de la rue du Chalet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8740042, + 2.3732939 + ], + "osm_type":"way", + "osm_id":290586931, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "1116":{ + "name":"Parc Monmousseau", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8052921, + 2.3818085 + ], + "osm_type":"way", + "osm_id":291761497, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1117":{ + "name":"Square des Acacias", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8065688, + 2.3733416 + ], + "osm_type":"way", + "osm_id":292903197, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1118":{ + "name":"Square Colbert", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8563684, + 2.389286 + ], + "osm_type":"way", + "osm_id":296037215, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1119":{ + "name":"Square Edmée Chandon", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.855893, + 2.3855628 + ], + "osm_type":"way", + "osm_id":304423650, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1120":{ + "name":"Jardin des Nouzeaux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8150471, + 2.2879139 + ], + "osm_type":"way", + "osm_id":307348464, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1121":{ + "name":"Square Rébeval", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8745213, + 2.3770847 + ], + "osm_type":"way", + "osm_id":307363485, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "1122":{ + "name":"Square du 11 Novembre 1918", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8232159, + 2.2971525 + ], + "osm_type":"way", + "osm_id":308432950, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1123":{ + "name":"Square Louis Vicat", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8252521, + 2.2999713 + ], + "osm_type":"way", + "osm_id":308436943, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1124":{ + "name":"Promenade Jean Moulin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8079828, + 2.3558295 + ], + "osm_type":"way", + "osm_id":312497782, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1125":{ + "name":"Jardin de la Folie-Regnault", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8574471, + 2.3878706 + ], + "osm_type":"way", + "osm_id":313144545, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1126":{ + "name":"Square de l'Insurrection", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8208835, + 2.2913443 + ], + "osm_type":"way", + "osm_id":313867045, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "1127":{ + "name":"Place du 8 Mai 1945", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8248335, + 2.2951116 + ], + "osm_type":"way", + "osm_id":313996098, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1128":{ + "name":"Square des Hautes Bruyères", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8246698, + 2.295971 + ], + "osm_type":"way", + "osm_id":313996099, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1129":{ + "name":"Square du Général de Gaulle", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8232566, + 2.2956164 + ], + "osm_type":"way", + "osm_id":314004767, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1130":{ + "name":"Square des Combattants de l'Afrique du Nord et des Territoires d'Outre-Mer", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8205988, + 2.2937639 + ], + "osm_type":"way", + "osm_id":314010934, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1131":{ + "name":"Espace extérieurs cité Louis Bertrand", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8161404, + 2.3788975 + ], + "osm_type":"way", + "osm_id":314437192, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1132":{ + "name":"Halte des peupliers", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8060778, + 2.3775739 + ], + "osm_type":"way", + "osm_id":314449486, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1133":{ + "name":"Square du Colombier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8080503, + 2.3888052 + ], + "osm_type":"way", + "osm_id":314452951, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1134":{ + "name":"Square Léopold Achille", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8583622, + 2.3631779 + ], + "osm_type":"way", + "osm_id":322758768, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "1135":{ + "name":"Jardin des Thermopyles", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8322169, + 2.3195123 + ], + "osm_type":"way", + "osm_id":327106745, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1136":{ + "name":"Park Nelson Mandela", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8042768, + 2.3144582 + ], + "osm_type":"way", + "osm_id":331894595, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1137":{ + "name":"TEP Ménilmontant", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8611652, + 2.387335 + ], + "osm_type":"way", + "osm_id":334833609, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "1138":{ + "name":"Jardin Charles-Trenet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8218248, + 2.348488 + ], + "osm_type":"way", + "osm_id":334993212, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "1139":{ + "name":"Jardin Truillot", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8605283, + 2.3739392 + ], + "osm_type":"way", + "osm_id":336409585, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1140":{ + "name":"Square du 19 Mars 1962", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7992582, + 2.3173891 + ], + "osm_type":"way", + "osm_id":336873543, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1141":{ + "name":"Square des Varennes", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8298202, + 2.2825687 + ], + "osm_type":"way", + "osm_id":337990696, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1142":{ + "name":"Parc du Coteau de Bièvre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8064323, + 2.3426117 + ], + "osm_type":"way", + "osm_id":338195958, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1143":{ + "name":"La Petite Ceinture du 14e", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8259152, + 2.3198321 + ], + "osm_type":"way", + "osm_id":339366085, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1144":{ + "name":"Square Alexandre-Luquet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8712709, + 2.3866251 + ], + "osm_type":"way", + "osm_id":342601519, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1145":{ + "name":"Square Charles et Suzanne Comaille", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7991238, + 2.3195174 + ], + "osm_type":"way", + "osm_id":345727098, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1146":{ + "name":"Jardin des Archives Nationales", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8599814, + 2.3587282 + ], + "osm_type":"way", + "osm_id":350179508, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1147":{ + "name":"Jardin Lazare-Rachline", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8579842, + 2.3620019 + ], + "osm_type":"way", + "osm_id":350599788, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1148":{ + "name":"Square de Kirovakan", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7975959, + 2.3022867 + ], + "osm_type":"way", + "osm_id":351907216, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1149":{ + "name":"Jardin de Reuilly - Paul-Pernin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8421926, + 2.3874556 + ], + "osm_type":"way", + "osm_id":358417047, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1150":{ + "name":"Square Saint-Gilles Grand Veneur - Pauline-Roland", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8592381, + 2.365379 + ], + "osm_type":"way", + "osm_id":364239668, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1151":{ + "name":"Place des Droits de l'Enfant", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7967338, + 2.3032315 + ], + "osm_type":"way", + "osm_id":364772826, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1152":{ + "name":"Jardin Municipal des Monceaux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7941012, + 2.3055783 + ], + "osm_type":"way", + "osm_id":365358396, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1153":{ + "name":"Jardin des Rosiers – Joseph-Migneret", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8572946, + 2.3602516 + ], + "osm_type":"way", + "osm_id":365878540, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1154":{ + "name":"Square Toussaint Louverture", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8080205, + 2.369053 + ], + "osm_type":"way", + "osm_id":372327300, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1155":{ + "name":"Square de l'Abbé Derry", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8229283, + 2.2796857 + ], + "osm_type":"way", + "osm_id":376210894, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1156":{ + "name":"Jardin d'Arménie", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.795433, + 2.3334496 + ], + "osm_type":"way", + "osm_id":378994035, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "1157":{ + "name":"Square Malleret-Joinville", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8114479, + 2.2813592 + ], + "osm_type":"way", + "osm_id":386993942, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1158":{ + "name":"Square de Soweto", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.812175, + 2.2807061 + ], + "osm_type":"way", + "osm_id":391791791, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1159":{ + "name":"Square Jean Allemane", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8567065, + 2.3834425 + ], + "osm_type":"way", + "osm_id":391792674, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1160":{ + "name":"Square Olga Bancic", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8561959, + 2.3809019 + ], + "osm_type":"way", + "osm_id":392493782, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1161":{ + "name":"Parc de la Maison des Arts", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7996861, + 2.2915146 + ], + "osm_type":"way", + "osm_id":399021055, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1162":{ + "name":"Jardin Dewoitine", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8047702, + 2.2841732 + ], + "osm_type":"way", + "osm_id":401846641, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1163":{ + "name":"Square André Malraux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.795312, + 2.2723474 + ], + "osm_type":"way", + "osm_id":404646304, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1164":{ + "name":"Square de la 2e D. B.", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7953781, + 2.2749635 + ], + "osm_type":"way", + "osm_id":404647744, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1165":{ + "name":"Square du Panorama", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7992996, + 2.2794359 + ], + "osm_type":"way", + "osm_id":410962891, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1166":{ + "name":"Parc des Pierrettes", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7968098, + 2.2913819 + ], + "osm_type":"way", + "osm_id":411023233, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1167":{ + "name":"Square Dreyfus", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8091502, + 2.2851245 + ], + "osm_type":"way", + "osm_id":423001236, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1168":{ + "name":"Espace Verts du Douanier Rousseau", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8249362, + 2.3015906 + ], + "osm_type":"way", + "osm_id":427176757, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1169":{ + "name":"Parc des Pierrelais", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7971199, + 2.2896603 + ], + "osm_type":"way", + "osm_id":427180856, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1170":{ + "name":"Jardin Pierre-Joseph Redouté", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8549688, + 2.3882442 + ], + "osm_type":"way", + "osm_id":429685061, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1171":{ + "name":"Esplanade de la Fraternité", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7925084, + 2.3343799 + ], + "osm_type":"way", + "osm_id":433841806, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1172":{ + "name":"Jardin Toscan", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8207442, + 2.313009 + ], + "osm_type":"way", + "osm_id":439387631, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "1173":{ + "name":"Jardin Yılmaz Güney", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8710737, + 2.350494 + ], + "osm_type":"way", + "osm_id":442069218, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1174":{ + "name":"Parc Sainte-Barbe", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.792315, + 2.2908733 + ], + "osm_type":"way", + "osm_id":444118039, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1175":{ + "name":"Jardin du Potager", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8506293, + 2.3214114 + ], + "osm_type":"way", + "osm_id":445230047, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1176":{ + "name":"Jardin de la Poterne-des-Peupliers", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8213303, + 2.3528809 + ], + "osm_type":"way", + "osm_id":448361310, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1177":{ + "name":"Jardin de la maison des orphelins apprentis d'Auteuil", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8515757, + 2.2716166 + ], + "osm_type":"way", + "osm_id":455091923, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1178":{ + "name":"Square Louis XVI", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8738116, + 2.3231576 + ], + "osm_type":"way", + "osm_id":456447739, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "1179":{ + "name":"Jardin de la Mairie du 8e", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8775998, + 2.3179264 + ], + "osm_type":"way", + "osm_id":456447743, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1180":{ + "name":"Square Anna de Noailles", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8752687, + 2.2779341 + ], + "osm_type":"way", + "osm_id":456850415, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "1181":{ + "name":"Square Brignole-Galliera", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.865507, + 2.2966973 + ], + "osm_type":"way", + "osm_id":457478598, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1182":{ + "name":"Square du Général Morin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8659082, + 2.3554625 + ], + "osm_type":"way", + "osm_id":457652441, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "1183":{ + "name":"Cité Universitaire - Parc Ouest", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8202912, + 2.3316345 + ], + "osm_type":"way", + "osm_id":466176263, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1184":{ + "name":"Cité Universitaire - Parc Est", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8189033, + 2.3386904 + ], + "osm_type":"way", + "osm_id":466176883, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1185":{ + "name":"Jardin des Combattants-de-la-Nueve", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8557648, + 2.3521643 + ], + "osm_type":"way", + "osm_id":468735435, + "attractiveness":7, + "must_do":false, + "n_tags":5 + }, + "1186":{ + "name":"Square Albert Schweitzer", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8543151, + 2.3579323 + ], + "osm_type":"way", + "osm_id":472237323, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "1187":{ + "name":"Square Paul Langevin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8477438, + 2.3501443 + ], + "osm_type":"way", + "osm_id":473958172, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "1188":{ + "name":"Jardin Carré", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8472768, + 2.3495691 + ], + "osm_type":"way", + "osm_id":473958174, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1189":{ + "name":"Jardin Christiane Desroches Noblecourt", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8530423, + 2.2705255 + ], + "osm_type":"way", + "osm_id":474032039, + "attractiveness":7, + "must_do":false, + "n_tags":6 + }, + "1190":{ + "name":"Jardin Federica Montseny", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8361615, + 2.3598906 + ], + "osm_type":"way", + "osm_id":475589178, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "1191":{ + "name":"Square Saint-Médard", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8397407, + 2.3505403 + ], + "osm_type":"way", + "osm_id":475591498, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "1192":{ + "name":"Jardin des Terroirs", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8395737, + 2.3828938 + ], + "osm_type":"way", + "osm_id":476602310, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1193":{ + "name":"Jardin Octave-Mirbeau", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8378417, + 2.2554935 + ], + "osm_type":"way", + "osm_id":481566185, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1194":{ + "name":"Jardin intérieur Saint-Lazare", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8756129, + 2.3540248 + ], + "osm_type":"way", + "osm_id":504626080, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1195":{ + "name":"Jardin Verdun-Molière", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8108426, + 2.3160876 + ], + "osm_type":"way", + "osm_id":522542110, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1196":{ + "name":"Jardinets de la Place de la Porte d'Auteuil", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8485103, + 2.2583749 + ], + "osm_type":"way", + "osm_id":531407913, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1197":{ + "name":"Jardin Saïda", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8314434, + 2.2949089 + ], + "osm_type":"way", + "osm_id":535985024, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1198":{ + "name":"Square Marin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.827574, + 2.3098681 + ], + "osm_type":"way", + "osm_id":574683225, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1199":{ + "name":"Square Brancion", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8262402, + 2.3012914 + ], + "osm_type":"way", + "osm_id":576370050, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1200":{ + "name":"Square Montholon", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8769805, + 2.3464647 + ], + "osm_type":"way", + "osm_id":579263858, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1201":{ + "name":"Square de la Libération", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8037207, + 2.3365197 + ], + "osm_type":"way", + "osm_id":588059322, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1202":{ + "name":"Jardin du Père-Armand-David", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8478674, + 2.3220972 + ], + "osm_type":"way", + "osm_id":588324415, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1203":{ + "name":"Jardin du Petit Bois", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8145244, + 2.3314149 + ], + "osm_type":"way", + "osm_id":592796821, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1204":{ + "name":"Square Croizat", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8129427, + 2.350884 + ], + "osm_type":"way", + "osm_id":593089857, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1205":{ + "name":"Jardin Clara-Zetkin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8214442, + 2.3758945 + ], + "osm_type":"way", + "osm_id":598852802, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1206":{ + "name":"Jardin Louise Talbot et Augustin Avrial", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8583425, + 2.375166 + ], + "osm_type":"way", + "osm_id":601688775, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1207":{ + "name":"Jardin Olympiades", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8245293, + 2.365546 + ], + "osm_type":"way", + "osm_id":608972570, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1208":{ + "name":"Jardin sur le toit", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8111208, + 2.3287609 + ], + "osm_type":"way", + "osm_id":608987054, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1209":{ + "name":"Jardin de l'église Sainte-Jeanne-de-Chantal", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8388343, + 2.2564376 + ], + "osm_type":"way", + "osm_id":621317814, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1210":{ + "name":"Square Valentine Schlegel", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8303928, + 2.3133875 + ], + "osm_type":"way", + "osm_id":621322870, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1211":{ + "name":"Jardinières angle des rues de Tolbiac - Baudricourt", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8265414, + 2.3638093 + ], + "osm_type":"way", + "osm_id":625919254, + "attractiveness":3, + "must_do":false, + "n_tags":2 + }, + "1212":{ + "name":"Square Henri Dunant", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.802981, + 2.2847714 + ], + "osm_type":"way", + "osm_id":627032284, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1213":{ + "name":"Jardin Jules Noël", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8242855, + 2.3147458 + ], + "osm_type":"way", + "osm_id":627607894, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1214":{ + "name":"Square La Fontaine", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8116631, + 2.3175031 + ], + "osm_type":"way", + "osm_id":628292444, + "attractiveness":8, + "must_do":false, + "n_tags":7 + }, + "1215":{ + "name":"Square Georges Bouzerait", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8186898, + 2.3244884 + ], + "osm_type":"way", + "osm_id":628293918, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1216":{ + "name":"Square des Oliviers", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8183315, + 2.3232639 + ], + "osm_type":"way", + "osm_id":628295773, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1217":{ + "name":"Jardin Villa Leblanc", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8169599, + 2.3217709 + ], + "osm_type":"way", + "osm_id":628299663, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1218":{ + "name":"Jardin Descartes", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8109067, + 2.3173799 + ], + "osm_type":"way", + "osm_id":628300514, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "1219":{ + "name":"Allée des Cygnes", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8527761, + 2.2835698 + ], + "osm_type":"way", + "osm_id":647181807, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1220":{ + "name":"Jardin Monica Vitti", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.85383, + 2.3587057 + ], + "osm_type":"way", + "osm_id":680335218, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1221":{ + "name":"Jardin Albert-Schweitzer", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8538779, + 2.3578979 + ], + "osm_type":"way", + "osm_id":680895435, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1222":{ + "name":"Parc Sainte-Périne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8443087, + 2.2690658 + ], + "osm_type":"way", + "osm_id":682409543, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1223":{ + "name":"Jardin du Ranelagh", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8592638, + 2.2684699 + ], + "osm_type":"way", + "osm_id":683921616, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1224":{ + "name":"Jardin d'immeubles Albert-Bartholomé", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8278833, + 2.2973852 + ], + "osm_type":"way", + "osm_id":685820780, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1225":{ + "name":"Tir aux Pigeons", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8734657, + 2.2592058 + ], + "osm_type":"way", + "osm_id":697607467, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1226":{ + "name":"Résidence Séverine", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8295175, + 2.2806451 + ], + "osm_type":"way", + "osm_id":698719357, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1227":{ + "name":"Résidence Séverine", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8302899, + 2.279636 + ], + "osm_type":"way", + "osm_id":698719359, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1228":{ + "name":"Square des États-Unis", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8174634, + 2.3165395 + ], + "osm_type":"way", + "osm_id":702119197, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1229":{ + "name":"Jardin de la vanne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8149691, + 2.3292317 + ], + "osm_type":"way", + "osm_id":702273972, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1230":{ + "name":"Jardin Pablo Picasso", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8151137, + 2.3191249 + ], + "osm_type":"way", + "osm_id":705263270, + "attractiveness":9, + "must_do":false, + "n_tags":7 + }, + "1231":{ + "name":"Square Jean Jaurès", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7902478, + 2.2874139 + ], + "osm_type":"way", + "osm_id":711321200, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1232":{ + "name":"Jardin Élisabeth Boselli", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8335824, + 2.2849949 + ], + "osm_type":"way", + "osm_id":711659077, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1233":{ + "name":"Parc Émile Zola", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8027826, + 2.372457 + ], + "osm_type":"way", + "osm_id":714032736, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1234":{ + "name":"Jardin de la Cour d'Honneur", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8288076, + 2.277821 + ], + "osm_type":"way", + "osm_id":714713961, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1235":{ + "name":"Jardins du Belvédère", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.795709, + 2.351956 + ], + "osm_type":"way", + "osm_id":715412828, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1236":{ + "name":"Jardin Marie Curie", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.844094, + 2.3446816 + ], + "osm_type":"way", + "osm_id":735133918, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1237":{ + "name":"Square Oronce Fine", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8432543, + 2.3467945 + ], + "osm_type":"way", + "osm_id":744830347, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1238":{ + "name":"Square Édith Piaf", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8083332, + 2.3489486 + ], + "osm_type":"way", + "osm_id":751922878, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1239":{ + "name":"Espace vert de la Reine-Blanche", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8116487, + 2.3494618 + ], + "osm_type":"way", + "osm_id":765745222, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1240":{ + "name":"Jardin mémorial des enfants du Vél' d'Hiv'", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8535564, + 2.2887894 + ], + "osm_type":"way", + "osm_id":767547602, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1241":{ + "name":"Square Georges Sarre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8650166, + 2.3814162 + ], + "osm_type":"way", + "osm_id":775380734, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1242":{ + "name":"Jardin Claude Debussy", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8670018, + 2.2708633 + ], + "osm_type":"way", + "osm_id":776795708, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1243":{ + "name":"Promenade du Loing et du Lunain", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7926648, + 2.3261519 + ], + "osm_type":"way", + "osm_id":798763471, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1244":{ + "name":"Promenade du Loing et du Lunain", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7914355, + 2.3302968 + ], + "osm_type":"way", + "osm_id":801782178, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1245":{ + "name":"Jardin Martha Desrumaux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8482359, + 2.385373 + ], + "osm_type":"way", + "osm_id":818166677, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1246":{ + "name":"Square Colette", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8086756, + 2.2990793 + ], + "osm_type":"way", + "osm_id":827907580, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1247":{ + "name":"Jardin Laure Albin Guillot", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8174797, + 2.357893 + ], + "osm_type":"way", + "osm_id":832936860, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1248":{ + "name":"Square des Périchaux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8297529, + 2.2989946 + ], + "osm_type":"way", + "osm_id":834674045, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1249":{ + "name":"Square Condorcet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8112576, + 2.2649064 + ], + "osm_type":"way", + "osm_id":879460929, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1250":{ + "name":"Jardins du Verger", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7940878, + 2.3729165 + ], + "osm_type":"way", + "osm_id":882821716, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1251":{ + "name":"Square Emmanuel Chabrier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7933682, + 2.375037 + ], + "osm_type":"way", + "osm_id":882821720, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1252":{ + "name":"Parc Laboissière", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7917188, + 2.2886331 + ], + "osm_type":"way", + "osm_id":927072924, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1253":{ + "name":"Jardin du Père Teilhard de Chardin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8508538, + 2.3627604 + ], + "osm_type":"way", + "osm_id":953865485, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1254":{ + "name":"Jardin de Penamacor", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.80081, + 2.2628704 + ], + "osm_type":"way", + "osm_id":961014838, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1255":{ + "name":"Promenade Jean-Jacques Sempé", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8495883, + 2.3329384 + ], + "osm_type":"way", + "osm_id":968787390, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1256":{ + "name":"Jardin Berthe Weill", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8594834, + 2.3622843 + ], + "osm_type":"way", + "osm_id":989739069, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "1257":{ + "name":"Square des Justes Parmi les Nations", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8099586, + 2.3738671 + ], + "osm_type":"way", + "osm_id":993037718, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1258":{ + "name":"Jardin Marielle Franco", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8790585, + 2.3591071 + ], + "osm_type":"way", + "osm_id":993045874, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1259":{ + "name":"Jardin d'Isoré", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8288967, + 2.3330535 + ], + "osm_type":"way", + "osm_id":993514293, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "1260":{ + "name":"Parc Gabriel Cosson", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8013383, + 2.3167244 + ], + "osm_type":"way", + "osm_id":1022614650, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1261":{ + "name":"Square Bessin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8306613, + 2.3053713 + ], + "osm_type":"way", + "osm_id":1041624552, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1262":{ + "name":"Parcop", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.805412, + 2.3456845 + ], + "osm_type":"way", + "osm_id":1051801801, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1263":{ + "name":"Jardin de l'Hôtel de Sens", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.853626, + 2.3585148 + ], + "osm_type":"way", + "osm_id":1076267490, + "attractiveness":5, + "must_do":false, + "n_tags":4 + }, + "1264":{ + "name":"Square du Chanoine Viollet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8312619, + 2.3206523 + ], + "osm_type":"way", + "osm_id":1093016344, + "attractiveness":10, + "must_do":false, + "n_tags":9 + }, + "1265":{ + "name":"Jardin Du Grand-Pavois", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8372042, + 2.2819825 + ], + "osm_type":"way", + "osm_id":1100805212, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1266":{ + "name":"Jardin Vivienne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8670856, + 2.3387305 + ], + "osm_type":"way", + "osm_id":1115078024, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1267":{ + "name":"Jardin du Docteur H. Damlamian", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7989224, + 2.2601782 + ], + "osm_type":"way", + "osm_id":1136152534, + "attractiveness":3, + "must_do":false, + "n_tags":3 + }, + "1268":{ + "name":"Square Jules-Durand", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8308885, + 2.3223847 + ], + "osm_type":"way", + "osm_id":1170413363, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1269":{ + "name":"Place José Martí", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8617506, + 2.2853034 + ], + "osm_type":"way", + "osm_id":1184939377, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1270":{ + "name":"Square Dominique Dimey", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7992812, + 2.3103988 + ], + "osm_type":"way", + "osm_id":1193426056, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1271":{ + "name":"Square du 19 Mars 1962", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7934866, + 2.2905348 + ], + "osm_type":"way", + "osm_id":1198145588, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1272":{ + "name":"Square Léon Zack", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.827452, + 2.2677824 + ], + "osm_type":"way", + "osm_id":1202405145, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1273":{ + "name":"Square Santos Dumont", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.828384, + 2.2668557 + ], + "osm_type":"way", + "osm_id":1282408164, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1274":{ + "name":"Place des Vosges", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8556164, + 2.3655435 + ], + "osm_type":"relation", + "osm_id":571765, + "attractiveness":18, + "must_do":false, + "n_tags":18 + }, + "1275":{ + "name":"Place Igor Stravinsky", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8594768, + 2.351489 + ], + "osm_type":"relation", + "osm_id":1308199, + "attractiveness":13, + "must_do":false, + "n_tags":13 + }, + "1276":{ + "name":"Square Roger-Coquoin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8359952, + 2.2548363 + ], + "osm_type":"relation", + "osm_id":1309285, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1277":{ + "name":"Jardin de la Porte de Saint-Cloud", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8376924, + 2.253256 + ], + "osm_type":"relation", + "osm_id":1310210, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1278":{ + "name":"Square de l'Abbé Migne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8338119, + 2.3327247 + ], + "osm_type":"relation", + "osm_id":1858698, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1279":{ + "name":"Square Henri Galli", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8513526, + 2.3618576 + ], + "osm_type":"relation", + "osm_id":2080074, + "attractiveness":9, + "must_do":false, + "n_tags":8 + }, + "1280":{ + "name":"Square des Alliés", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8159318, + 2.3744397 + ], + "osm_type":"relation", + "osm_id":2081003, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "1281":{ + "name":"Square de l’église Notre-Dame-de-la-Croix", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8687336, + 2.3881113 + ], + "osm_type":"relation", + "osm_id":2100826, + "attractiveness":6, + "must_do":false, + "n_tags":4 + }, + "1282":{ + "name":"Coulée verte du sud parisien", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7855092, + 2.2944127 + ], + "osm_type":"relation", + "osm_id":2646085, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1283":{ + "name":"Parc Monceau", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8793706, + 2.3088907 + ], + "osm_type":"relation", + "osm_id":2826933, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1284":{ + "name":"Square Henri-Rousselle", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8278323, + 2.3521871 + ], + "osm_type":"relation", + "osm_id":3372098, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1285":{ + "name":"Square Paul Grimault", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8228204, + 2.3479528 + ], + "osm_type":"relation", + "osm_id":3396566, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "1286":{ + "name":"Parc Montsouris", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8222357, + 2.3380114 + ], + "osm_type":"relation", + "osm_id":4050160, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "1287":{ + "name":"Square Saint-Lambert", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8421753, + 2.2967965 + ], + "osm_type":"relation", + "osm_id":5292509, + "attractiveness":17, + "must_do":false, + "n_tags":17 + }, + "1288":{ + "name":"Parc départemental des Cormailles", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8158017, + 2.3871003 + ], + "osm_type":"relation", + "osm_id":5676653, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1289":{ + "name":"Square des Arènes de Lutèce et Capitan", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8450847, + 2.3534295 + ], + "osm_type":"relation", + "osm_id":6087528, + "attractiveness":13, + "must_do":false, + "n_tags":11 + }, + "1290":{ + "name":"Le Pré Catelan", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8649122, + 2.2529824 + ], + "osm_type":"relation", + "osm_id":6702068, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1291":{ + "name":"Jardins de l'Avenue Foch", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.872657, + 2.2842255 + ], + "osm_type":"relation", + "osm_id":6750084, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1292":{ + "name":"Square Boucicaut", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8513017, + 2.3258157 + ], + "osm_type":"relation", + "osm_id":6901878, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "1293":{ + "name":"Parc du Lycée Michelet", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8246272, + 2.2840831 + ], + "osm_type":"relation", + "osm_id":7615434, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1294":{ + "name":"Jardin José-Aboulker", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8375788, + 2.3601984 + ], + "osm_type":"relation", + "osm_id":8250457, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1295":{ + "name":"Parc Raspail", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.7953038, + 2.3324058 + ], + "osm_type":"relation", + "osm_id":8433635, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1296":{ + "name":"Jardin de l'église Sainte-Jeanne-de-Chantal", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8385675, + 2.2559481 + ], + "osm_type":"relation", + "osm_id":8623576, + "attractiveness":4, + "must_do":false, + "n_tags":3 + }, + "1297":{ + "name":"Square Maurice Arnoux", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8146034, + 2.3105087 + ], + "osm_type":"relation", + "osm_id":8743141, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "1298":{ + "name":"Square de l'Hôtel de ville", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8188262, + 2.3204075 + ], + "osm_type":"relation", + "osm_id":9792499, + "attractiveness":9, + "must_do":false, + "n_tags":9 + }, + "1299":{ + "name":"Square Edmond Champeaud", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8186513, + 2.3207275 + ], + "osm_type":"relation", + "osm_id":9807510, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1300":{ + "name":"Parc Messier", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8111009, + 2.3125686 + ], + "osm_type":"relation", + "osm_id":9898593, + "attractiveness":11, + "must_do":false, + "n_tags":10 + }, + "1301":{ + "name":"Jardins des Champs-Élysées", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8661752, + 2.3132237 + ], + "osm_type":"relation", + "osm_id":10142349, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1302":{ + "name":"Promenade Jane et Paulette Nardal", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8279524, + 2.310715 + ], + "osm_type":"relation", + "osm_id":13048395, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1303":{ + "name":"Parc de Bicêtre", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8098811, + 2.3580061 + ], + "osm_type":"relation", + "osm_id":13369912, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1304":{ + "name":"Jardins du Trocadéro", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8613091, + 2.289514 + ], + "osm_type":"relation", + "osm_id":13716106, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1305":{ + "name":"Parc Tereska Torrès-Levin", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8758182, + 2.3053046 + ], + "osm_type":"relation", + "osm_id":15676372, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1306":{ + "name":"Jardin Arnaud Beltrame", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8573706, + 2.3667898 + ], + "osm_type":"relation", + "osm_id":15970959, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1307":{ + "name":"Bois de Boulogne", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8641777, + 2.2521892 + ], + "osm_type":"relation", + "osm_id":16731685, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "1308":{ + "name":"Square Alexandre et René-Parodi", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8766943, + 2.2811427 + ], + "osm_type":"relation", + "osm_id":17541388, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1309":{ + "name":"La Terasse des Galeries Lafayette", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.873403, + 2.3318168 + ], + "osm_type":"way", + "osm_id":339023638, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1310":{ + "name":"Kiosque de l'Empereur", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8602143, + 2.2589434 + ], + "osm_type":"way", + "osm_id":452439840, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1311":{ + "name":"Tour Eiffel 3e étage", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8582648, + 2.2944947 + ], + "osm_type":"relation", + "osm_id":4114841, + "attractiveness":15, + "must_do":false, + "n_tags":13 + }, + "1312":{ + "name":"Tour Eiffel 2e étage", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8582612, + 2.2944982 + ], + "osm_type":"relation", + "osm_id":4114842, + "attractiveness":12, + "must_do":false, + "n_tags":10 + }, + "1313":{ + "name":"Ménagerie du Jardin des Plantes", + "type":{ + "landmark_type":"nature" + }, + "location":[ + 48.8454066, + 2.360595 + ], + "osm_type":"way", + "osm_id":21999647, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "1314":{ + "name":"Le BHV Marais", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8574684, + 2.3533171 + ], + "osm_type":"way", + "osm_id":29168869, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "1315":{ + "name":"Galerie Lafayette Maison \/ Gourmet", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8730326, + 2.3306871 + ], + "osm_type":"way", + "osm_id":69224027, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1316":{ + "name":"Galeries Lafayette Paris Haussmann", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8736556, + 2.3322025 + ], + "osm_type":"way", + "osm_id":69224062, + "attractiveness":29, + "must_do":false, + "n_tags":29 + }, + "1317":{ + "name":"Printemps", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8738744, + 2.3290548 + ], + "osm_type":"way", + "osm_id":69224137, + "attractiveness":20, + "must_do":false, + "n_tags":20 + }, + "1318":{ + "name":"Galeries Lafayette", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8737909, + 2.3306341 + ], + "osm_type":"way", + "osm_id":69224141, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "1319":{ + "name":"Galerie Lafayette Maison \/ Gourmet", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8731249, + 2.329877 + ], + "osm_type":"way", + "osm_id":69226440, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1320":{ + "name":"Printemps Homme", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.873951, + 2.3277423 + ], + "osm_type":"way", + "osm_id":69226605, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "1321":{ + "name":"Galerie Lafayette Maison \/ Gourmet", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8730553, + 2.3304472 + ], + "osm_type":"way", + "osm_id":69226660, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1322":{ + "name":"Printemps", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8743348, + 2.32766 + ], + "osm_type":"way", + "osm_id":69226711, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "1323":{ + "name":"HEMA", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8762148, + 2.3263817 + ], + "osm_type":"way", + "osm_id":333491865, + "attractiveness":17, + "must_do":false, + "n_tags":14 + }, + "1324":{ + "name":"Printemps", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8740054, + 2.3283557 + ], + "osm_type":"relation", + "osm_id":2323870, + "attractiveness":11, + "must_do":false, + "n_tags":11 + }, + "1325":{ + "name":"Le Bon Marché", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.850797, + 2.3241034 + ], + "osm_type":"relation", + "osm_id":10166422, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "1326":{ + "name":"Maine Montparnasse", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8429576, + 2.322707 + ], + "osm_type":"way", + "osm_id":23936267, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1327":{ + "name":"Beaugrenelle - Magnetic", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.848405, + 2.2823854 + ], + "osm_type":"way", + "osm_id":53396302, + "attractiveness":24, + "must_do":false, + "n_tags":24 + }, + "1328":{ + "name":"Beaugrenelle", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8492193, + 2.282921 + ], + "osm_type":"way", + "osm_id":53396317, + "attractiveness":19, + "must_do":false, + "n_tags":19 + }, + "1329":{ + "name":"Marché Saint-Honoré", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8670006, + 2.3317785 + ], + "osm_type":"way", + "osm_id":54155008, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1330":{ + "name":"Passage du Grand-Cerf", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8648328, + 2.3493274 + ], + "osm_type":"way", + "osm_id":54970437, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1331":{ + "name":"Centre Commercial Forum 20", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8048378, + 2.3266565 + ], + "osm_type":"way", + "osm_id":62031372, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1332":{ + "name":"Centre commercial de la Vache Noire", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8113518, + 2.3288494 + ], + "osm_type":"way", + "osm_id":62643138, + "attractiveness":16, + "must_do":false, + "n_tags":16 + }, + "1333":{ + "name":"Centre commercial Italie 2", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8288038, + 2.3551182 + ], + "osm_type":"way", + "osm_id":78470246, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "1334":{ + "name":"Centre commercial Italie 2", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8302181, + 2.3552199 + ], + "osm_type":"way", + "osm_id":78470870, + "attractiveness":19, + "must_do":false, + "n_tags":19 + }, + "1335":{ + "name":"Centre Commercial des Belles Feuilles", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8665399, + 2.2833144 + ], + "osm_type":"way", + "osm_id":80858428, + "attractiveness":7, + "must_do":false, + "n_tags":7 + }, + "1336":{ + "name":"Passy Plaza", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8571061, + 2.2795851 + ], + "osm_type":"way", + "osm_id":83830970, + "attractiveness":15, + "must_do":false, + "n_tags":15 + }, + "1337":{ + "name":"Forum les Halles", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8622094, + 2.3454289 + ], + "osm_type":"way", + "osm_id":140901366, + "attractiveness":14, + "must_do":false, + "n_tags":13 + }, + "1338":{ + "name":"Centre commercial Okabé", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.811623, + 2.363094 + ], + "osm_type":"way", + "osm_id":153989918, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "1339":{ + "name":"Via Bella", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.7995562, + 2.3818464 + ], + "osm_type":"way", + "osm_id":211478471, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1340":{ + "name":"Arcade des Champs-Élysées", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8716617, + 2.3045806 + ], + "osm_type":"way", + "osm_id":262677086, + "attractiveness":12, + "must_do":false, + "n_tags":12 + }, + "1341":{ + "name":"La Galerie Masséna", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.821544, + 2.365922 + ], + "osm_type":"way", + "osm_id":332367227, + "attractiveness":6, + "must_do":false, + "n_tags":6 + }, + "1342":{ + "name":"Galerie Berri Washington", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8722804, + 2.3029355 + ], + "osm_type":"way", + "osm_id":370045917, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1343":{ + "name":"Galerie des Champs", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8717529, + 2.3040408 + ], + "osm_type":"way", + "osm_id":372826821, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1344":{ + "name":"Galerie du Claridge", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8715366, + 2.3049754 + ], + "osm_type":"way", + "osm_id":373232615, + "attractiveness":2, + "must_do":false, + "n_tags":2 + }, + "1345":{ + "name":"Westfield Forum des Halles", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8619012, + 2.3471416 + ], + "osm_type":"way", + "osm_id":408380251, + "attractiveness":21, + "must_do":false, + "n_tags":19 + }, + "1346":{ + "name":"Galerie Oslo", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8239643, + 2.3665445 + ], + "osm_type":"way", + "osm_id":625919256, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1347":{ + "name":"Les Ateliers Gaîté", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8386589, + 2.3213265 + ], + "osm_type":"way", + "osm_id":865091400, + "attractiveness":8, + "must_do":false, + "n_tags":8 + }, + "1348":{ + "name":"Passage du Havre", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.875292, + 2.3276031 + ], + "osm_type":"way", + "osm_id":1004744975, + "attractiveness":6, + "must_do":false, + "n_tags":5 + }, + "1349":{ + "name":"Le Village Royal", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.869191, + 2.3228431 + ], + "osm_type":"way", + "osm_id":1094130100, + "attractiveness":4, + "must_do":false, + "n_tags":4 + }, + "1350":{ + "name":"Centre Commercial Jean Mermoz", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8095201, + 2.2909968 + ], + "osm_type":"relation", + "osm_id":1299971, + "attractiveness":5, + "must_do":false, + "n_tags":5 + }, + "1351":{ + "name":"Marché Saint-Germain", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8520893, + 2.3359481 + ], + "osm_type":"relation", + "osm_id":3038399, + "attractiveness":10, + "must_do":false, + "n_tags":10 + }, + "1352":{ + "name":"Carrousel du Louvre", + "type":{ + "landmark_type":"shopping" + }, + "location":[ + 48.8617234, + 2.3342521 + ], + "osm_type":"relation", + "osm_id":13452556, + "attractiveness":14, + "must_do":false, + "n_tags":14 + } +} \ No newline at end of file